From 0a1836eef5e73dc33f643d6bd81ddad95464a2f7 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 9 Mar 2015 19:52:02 -0400 Subject: [PATCH 01/70] added better histo --- test_histo2.py | 82 ++++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 82 insertions(+) create mode 100644 test_histo2.py diff --git a/test_histo2.py b/test_histo2.py new file mode 100644 index 0000000..ed0d910 --- /dev/null +++ b/test_histo2.py @@ -0,0 +1,82 @@ +import sys +import os +import numpy as np +import matplotlib.pyplot as plt +from scipy.stats import norm +import matplotlib.mlab as mlab + +#this is the finalized plot histogram function +def getpeak(data): + peak_y = np.max(data) + peak_x = np.argmax(data) + return peak_x, peak_y + +def normalize_data (data, scale, p): #Normalization function + norm_data = data.copy() + b = np.min(norm_data) + norm_data -= b #set bottom to zero + norm_data /= p #get probability distribution + norm_data *= scale + + return norm_data + +def plot_histogram(avg_basin_size): + + (num_rows, num_cols) = avg_basin_size.shape + avg_basin_size[:][:] += 1 + + fig = plt.figure() + # Histogram normalized to 1 + plt.subplot(2, 1, 1) + for i in range(1, num_rows + 1): + if i % 2 == 1: + text_str = 'p = %s' % str(i + 1) + n = normalize_data(avg_basin_size[i-1][:], 1, i) + peak_x, peak_y = getpeak(n) + plt.plot(np.arange(0, num_cols), n) + #label + if peak_y < 1.0 and peak_x > 1: + plt.text(peak_x, peak_y+.1, text_str) + + plt.xlabel('B') + plt.ylabel('Value') + plt.title('Probability Distribution of Basin Sizes Normalized to 1') + #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) + plt.grid() + plt.ylim(0, 1.3) + + # Histogram normalized to p + plt.subplot(2, 1, 2) + for i in range(1, num_rows + 1): + if i % 2 == 1: + text_str = 'p = %s' % str(i + 1) + n = normalize_data(avg_basin_size[i-1][:], i, i) + peak_x, peak_y = getpeak(n) + plt.plot(np.arange(0, num_cols), n) + #lable + if peak_y < 4.3 and peak_x > 1: + plt.text(peak_x, peak_y+.1, text_str) + + plt.xlabel('B') + plt.ylabel('Value') + plt.title('Probability Distribution of Basin Sizes Normalized to P') + plt.grid() + plt.ylim(0,4.5) + #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) + + # Save the figure + fig.tight_layout() + fig.savefig('histo_file.jpg') + +if __name__ == '__main__': + + histo_file = sys.argv[1] + + # try to load the 2D array fromt he file + # since it is the only structure in the file accessing all of the + # possible file structures should give us just that array + histo_data = np.load(histo_file) + plot_histogram(histo_data) + + + From 588219bd452a201cbddef84d0614adb01095b1f4 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 9 Mar 2015 20:02:30 -0400 Subject: [PATCH 02/70] integrated better normalization function, histogram labeling, and misc other optimizations --- hopnet.py | 58 +++++++++++++++++++++++++++++++++++++------------------ 1 file changed, 39 insertions(+), 19 deletions(-) diff --git a/hopnet.py b/hopnet.py index 28e1129..95443f9 100644 --- a/hopnet.py +++ b/hopnet.py @@ -34,13 +34,24 @@ def setup_argparser(): requiredArguments.add_argument('-nnsize', metavar='Netw_Size', dest='nnsize', required=True, type=int, help='Size of Neural Network.') requiredArguments.add_argument('-nruns', metavar='Num_Runs', dest= 'nruns', required =True, type=int, help='Number of runs of the experiment.') requiredArguments.add_argument('-dfn', metavar='Data_File_Name', dest= 'dfn', required =True, type=str, help='Data file name to save experiment data to.') + requiredArguments.add_argument('-hfn', metavar='Histo_File_Name', dest= 'hfn', required =True, type=str, help='Data file name to save histogram data to.') + return parser -def normalize_data (data, scale): #Normalization function - arr = np.copy(data) - np_minmax = ((arr - arr.min()) / (arr.max() - arr.min())) * scale - return np_minmax +def getpeak(data): + peak_y = np.max(data) + peak_x = np.argmax(data) + return peak_x, peak_y + +def normalize_data (data, scale, p): #Normalization function + norm_data = data.copy() + b = np.min(norm_data) + norm_data -= b #set bottom to zero + norm_data /= p #get probability distribution + norm_data *= scale + + return norm_data # Plot the results of the combined runs using matplotlib # I want to try to reuse this from the last lab @@ -91,41 +102,53 @@ def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, return file_path + '/' + root_path + '/' + path -def plot_histogram(experiment_number, avg_basin_size): +def plot_histogram(avg_basin_size, experiment_number): (num_rows, num_cols) = avg_basin_size.shape + avg_basin_size[:][:] += 1 abs_path = os.path.abspath(".") root_path = 'results/data/Experiment-' + str(experiment_number) file_path = 'file://' + abs_path path = 'Histogram-for-Experiment-' + experiment_number + '.jpg' - avg_basin_size[:][:] += 1 - fig = plt.figure() # Histogram normalized to 1 plt.subplot(2, 1, 1) for i in range(1, num_rows + 1): - if i % 2 == 0: - label = 'p = %s' % str(i + 1) - plt.plot(np.arange(0, num_cols), normalize_data(avg_basin_size[i-1][:], 1), label=label) + if i % 2 == 1: + text_str = '%d' % ((i + 1)) + n = normalize_data(avg_basin_size[i-1][:], 1, i) + peak_x, peak_y = getpeak(n) + plt.plot(np.arange(0, num_cols), n) + #label + if peak_y < 1.0 and peak_x > 1: + plt.text(peak_x, peak_y+.1, text_str) + plt.xlabel('B') plt.ylabel('Value') plt.title('Probability Distribution of Basin Sizes Normalized to 1') #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) plt.grid() + plt.ylim(0, 1.3) # Histogram normalized to p plt.subplot(2, 1, 2) for i in range(1, num_rows + 1): - if i % 2 == 0: - label = 'p = %s' % str(i + 1) - plt.plot(np.arange(0, num_cols), normalize_data(avg_basin_size[i-1][:], i), label=label) + if i % 2 == 1: + text_str = '%d' % ((i + 1)) + n = normalize_data(avg_basin_size[i-1][:], i, i) + peak_x, peak_y = getpeak(n) + plt.plot(np.arange(0, num_cols), n) + #lable + if peak_y < 4.3 and peak_x > 1: + plt.text(peak_x, peak_y+.1, text_str) plt.xlabel('B') plt.ylabel('Value') plt.title('Probability Distribution of Basin Sizes Normalized to P') plt.grid() + plt.ylim(0,4.5) #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) # Save the figure @@ -316,8 +339,7 @@ def experiment(args): parser = setup_argparser() args = parser.parse_args() experiment_number = args.experiment_number - histo_file = 'basin_histo_data.npy' - + histo_file = 'results/data/Experiment-%s/%s' % (experiment_number, args.hfn) # Setup directories for storing results if not os.path.exists('results'): os.makedirs('results') @@ -340,7 +362,6 @@ def experiment(args): avg_data.sum(exp_data) #avg stable and unstable probs - #print "Averaging ..." avg_data.avg(args.nruns) print avg_data._stable print avg_data._prunstable @@ -349,8 +370,7 @@ def experiment(args): avg_data.save_histo_data() #graph stable and unstable probs - avg_graph_file = plot_graph_data(experiment_number, int(args.npat), avg_data._stable, avg_data._prunstable, 0) - histo_file = plot_histogram(experiment_number, avg_data._basin_hist) + avg_graph_file = plot_graph_data(experiment_number, args.npat, avg_data._stable, avg_data._prunstable, 0) + histo_file = plot_histogram(avg_data._basin_hist, experiment_number) - #create_html_page(experiment_number, graph_list, histo_file, avg_graph_file) From 6571fa980a24c268b1b359084253191027456936 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 9 Mar 2015 20:54:44 -0400 Subject: [PATCH 03/70] FINAL release version --- hopnet.py | 149 ++++++++++++++++++++++++++++++++++-------------------- 1 file changed, 95 insertions(+), 54 deletions(-) diff --git a/hopnet.py b/hopnet.py index 95443f9..96e0c5a 100644 --- a/hopnet.py +++ b/hopnet.py @@ -1,3 +1,20 @@ +''' + hopnet.py + Hopfield Neural Network Implmentation in Python + + Written by: Jared Smith and David Cunningham + + How to get up and running: + + 1) Make a virtualenv with 'virtualenv venv' and 'source venv/bin/activate' + If you don't already have the command 'virtualenv', then you can install + virtualenv with pip. + 2) Install program dependencies with 'pip install -r requirements.txt' + 3) Run 'python hopnet.py -h' to see the required arguments for running the program. + +''' + + # Built-in Python libraries import os import random @@ -39,26 +56,28 @@ def setup_argparser(): return parser +# Get Peak of Data Curve def getpeak(data): peak_y = np.max(data) peak_x = np.argmax(data) return peak_x, peak_y -def normalize_data (data, scale, p): #Normalization function +# Normalize Data +def normalize_data (data, scale, p): norm_data = data.copy() b = np.min(norm_data) - norm_data -= b #set bottom to zero - norm_data /= p #get probability distribution + norm_data -= b + norm_data /= p norm_data *= scale return norm_data -# Plot the results of the combined runs using matplotlib -# I want to try to reuse this from the last lab +# Make the graphs for each run and the overall average of runs def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, run_no): run_str = '' p = list(xrange(nvec)) + abs_path = os.path.abspath(".") root_path = 'results/data/Experiment-' + str(experiment_number) file_path = 'file://' + abs_path @@ -70,8 +89,7 @@ def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, fig = plt.figure() - # Plot Unstable Im#prints - #print "Ploting Unstable Im#prints" + # Plot Unstable Imprints plt.subplot(2, 1, 1) plt.plot(p, avg_unstable_prob) plt.xlabel('p') @@ -83,8 +101,7 @@ def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, plt.legend(loc=0) plt.grid() - # Plot Stable Im#prints - #print "Plotting Stable Im#prints" + # Plot Stable Imprints plt.subplot(2, 1, 2) plt.plot(p, avg_stable_prob) plt.xlabel('p') @@ -102,6 +119,8 @@ def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, return file_path + '/' + root_path + '/' + path +# Plot the Histogram +# CS427/527 ONLY def plot_histogram(avg_basin_size, experiment_number): (num_rows, num_cols) = avg_basin_size.shape @@ -113,7 +132,8 @@ def plot_histogram(avg_basin_size, experiment_number): path = 'Histogram-for-Experiment-' + experiment_number + '.jpg' fig = plt.figure() - # Histogram normalized to 1 + + # Plot the Histogram Normalized to 1 plt.subplot(2, 1, 1) for i in range(1, num_rows + 1): if i % 2 == 1: @@ -121,18 +141,18 @@ def plot_histogram(avg_basin_size, experiment_number): n = normalize_data(avg_basin_size[i-1][:], 1, i) peak_x, peak_y = getpeak(n) plt.plot(np.arange(0, num_cols), n) - #label + + # Label the curve if peak_y < 1.0 and peak_x > 1: plt.text(peak_x, peak_y+.1, text_str) plt.xlabel('B') plt.ylabel('Value') plt.title('Probability Distribution of Basin Sizes Normalized to 1') - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) plt.grid() plt.ylim(0, 1.3) - # Histogram normalized to p + # Plot the Histogram Normalized to 1 plt.subplot(2, 1, 2) for i in range(1, num_rows + 1): if i % 2 == 1: @@ -140,7 +160,8 @@ def plot_histogram(avg_basin_size, experiment_number): n = normalize_data(avg_basin_size[i-1][:], i, i) peak_x, peak_y = getpeak(n) plt.plot(np.arange(0, num_cols), n) - #lable + + # Label the Curve if peak_y < 4.3 and peak_x > 1: plt.text(peak_x, peak_y+.1, text_str) @@ -149,22 +170,27 @@ def plot_histogram(avg_basin_size, experiment_number): plt.title('Probability Distribution of Basin Sizes Normalized to P') plt.grid() plt.ylim(0,4.5) - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) - # Save the figure + # Fix layout issues in plot. fig.tight_layout() + + # Save the figure fig.savefig(root_path + '/' + path) return file_path + '/' + root_path + '/' + path +# Handle Invalid weights class InvalidWeightsException(Exception): pass +# Handle Invalid NN Input class InvalidNetworkInputException(Exception): pass +# Class for maintaining all of the data structures used for the simulation class Data(object): + # Initialize Class def __init__(self, args, histo_file=None): self._nnsize = args.nnsize self._npat = args.npat @@ -175,22 +201,27 @@ def __init__(self, args, histo_file=None): self._data_file_name = args.dfn self._histo_data_file_name = histo_file + # Calculate the probablity vectors def calc_prob(self): stable_prob = np.zeros(self._npat) for p in range(self._npat): stable_prob[p] = self._stable[p] / (p+1) self._prunstable[p] = 1 - stable_prob[p] + # Sum each run def sum(self, data): self._stable += data._stable self._prunstable += data._prunstable self._basin_hist += data._basin_hist + # Average all of the runs def avg(self, nruns): self._stable /= nruns self._basin_hist /= nruns self._prunstable /= nruns + # Save the report data as a human readable text file + # Can also be read back into NumPy Arrays or Python Lists def save_report_data(self): with file(self._data_file_name, 'w') as outfile: outfile.write('# Average Stable Probability Data\n') @@ -208,36 +239,47 @@ def save_report_data(self): np.savetxt(outfile, self._basin_hist, fmt='%-7.2f') outfile.write('\n') + # Save Histogram data for use in plotting separately def save_histo_data(self): np.save(self._histo_data_file_name, self._basin_hist) + # Graph each run def graph(self, run): return plot_graph_data(self._exp, self._npat, self._stable, self._prunstable, run) +# Class for the Hopfield Neural Network Model used class HopfieldNetwork(object): + + # Initialize Class def __init__(self, num_inputs): self._num_inputs = num_inputs - #self._weights = np.zeros((num_inputs,num_inputs)) self._weights = np.random.uniform(-1.0, 1.0, (num_inputs,num_inputs)) + # Set the weights of the weight vector def set_weights(self, weights): if weights.shape != (self._num_inputs, self._num_inputs): raise InvalidWeightsException() self._weights = weights + # Get the weights def get_weights(self): return self._weights + # Evaluate the state of the Neural Network def evaluate(self, input_pattern): if input_pattern.shape != (self._num_inputs, ): raise InvalidNetworkInputException() weights = np.copy(self._weights) + + # Compute the sums of the input patterns + # Uses dot product sums = input_pattern.dot(weights) s = np.zeros(self._num_inputs) + # Enumerate the sums of the inputs and calculate new values for i, value in enumerate(sums): if value > 0: s[i] = 1 @@ -246,23 +288,24 @@ def evaluate(self, input_pattern): return s - def run(self, input_pattern, max_iterations=10): + # Run the updating of the Network for a specified iteration count + # Default number of iterations is 10 + def run(self, input_pattern, iterations=10): last_input_pattern = input_pattern - iteration_count = 0 while True: result = self.evaluate(last_input_pattern) iteration_count += 1 - if np.array_equal(result, last_input_pattern) or iteration_count == max_iterations: + if np.array_equal(result, last_input_pattern) or iteration_count == iterations: return result else: last_input_pattern = result +# Imprint the patterns onto the network def imprint_patterns(network, input_patterns, p): num_neurons = network.get_weights().shape[0] - weights = np.zeros((num_neurons, num_neurons)) for i in range(num_neurons): @@ -271,75 +314,77 @@ def imprint_patterns(network, input_patterns, p): for m in range(p): weights[i, j] += input_patterns[m][i] * input_patterns[m][j] - weights *= 1/float(network._num_inputs) + weights *= 1 / float(network._num_inputs) network.set_weights(weights) +# Test the patterns for stability def test_patterns(p, input_patterns, network, data): for k in range(p): pattern = input_patterns[k][:] updated_pattern = np.copy(pattern) updated_pattern = network.run(updated_pattern, 1) if np.array_equal(updated_pattern, pattern): - data._stable[p-1] +=1 + data._stable[p - 1] +=1 + + # Run Basin test data = basin_test(p, pattern, network, data, 5) else: - data._basin_hist[p-1][0] += 1 + data._basin_hist[p - 1][0] += 1 + return data +# Run the basin size tests def basin_test(p, input_pattern, network, data, runs): - #print "p = {}".format(p) basin = 0 + for run in range(runs): converge = True array = np.random.permutation(data._nnsize) - #print "Permuted array: " + str(array) - #print len(array) updated_pattern = np.copy(input_pattern) - for i in range(1, data._npat+1): - #flip bit: + + for i in range(1, data._npat + 1): for j in range (i): updated_pattern[array[j]] *= -1 - #updated pattern 10x + updated_pattern = network.run(updated_pattern) if not np.array_equal(updated_pattern, input_pattern): converge = False - ##print "Did not Converge: Adding %d to basin size." % i basin += i - ##print "New Basin Size: %d" % basin - ##print "Breaking now." break + if converge: - ##print "Converged: adding 50 to basin size." basin += 50 - basin = round((basin/runs), 0) - ##print "Basin Size: %s" % basin - data._basin_hist[p-1][basin] += 1 - return data + basin = round((basin / runs), 0) + data._basin_hist[p - 1][basin] += 1 + return data -def experiment(args): +# Run the experiment +def run_experiment(args): stable = np.zeros((args.npat)) input_patterns = np.random.choice([-1,1], ((args.npat), (args.nnsize))) Hnet = HopfieldNetwork((args.nnsize)) - #imprint weights data = Data(args) + + # Go through all npat patterns and run tests for p in range (1, args.npat + 1): - imprint_patterns(Hnet, input_patterns, p) #imprints the patterns - test_patterns(p, input_patterns, Hnet, data) #run the test vectors + imprint_patterns(Hnet, input_patterns, p) + test_patterns(p, input_patterns, Hnet, data) data.calc_prob() + return data +# Execute on program start if __name__ == '__main__': graph_list = [] - #np.set_printoptions(threshold=np.nan) - parser = setup_argparser() args = parser.parse_args() experiment_number = args.experiment_number histo_file = 'results/data/Experiment-%s/%s' % (experiment_number, args.hfn) + # Setup directories for storing results if not os.path.exists('results'): os.makedirs('results') @@ -351,26 +396,22 @@ def experiment(args): if not os.path.exists('Experiment-' + str(experiment_number)): os.makedirs('Experiment-' + str(experiment_number)) - # compute program and graph - # initialize avg stability avg_data = Data(args, histo_file) - #do several runs of experiment compute average stability + # Run experiment for nruns number of times for i in range(1, int(args.nruns) + 1): - exp_data = experiment(args) + exp_data = run_experiment(args) graph_list += exp_data.graph(i) avg_data.sum(exp_data) - #avg stable and unstable probs avg_data.avg(args.nruns) - print avg_data._stable - print avg_data._prunstable + # Save the average data avg_data.save_report_data() avg_data.save_histo_data() - #graph stable and unstable probs - avg_graph_file = plot_graph_data(experiment_number, args.npat, avg_data._stable, avg_data._prunstable, 0) - histo_file = plot_histogram(avg_data._basin_hist, experiment_number) + # Plot the average stability graphs and make the histogram for basin sizes + plot_graph_data(experiment_number, args.npat, avg_data._stable, avg_data._prunstable, 0) + plot_histogram(avg_data._basin_hist, experiment_number) From 6d6ad880b131563978f81a69478760eec1aeee02 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 12 Mar 2015 23:10:11 -0400 Subject: [PATCH 04/70] Working version of Hopfield Neural Network that produces output graphs. --- hopnet.py | 2 +- requirements.txt | 3 -- test_histo2.py | 82 ------------------------------------------------ 3 files changed, 1 insertion(+), 86 deletions(-) delete mode 100644 test_histo2.py diff --git a/hopnet.py b/hopnet.py index 96e0c5a..d37b75c 100644 --- a/hopnet.py +++ b/hopnet.py @@ -107,7 +107,7 @@ def plot_graph_data(experiment_number, nvec, avg_stable_prob, avg_unstable_prob, plt.xlabel('p') plt.ylabel('Fraction of Stable Imprints') if run_no == 0: - plt.title('Overall Fraction of Stable Imprints for %s Patters' % nvec) + plt.title('Overall Fraction of Stable Imprints for %s Patterns' % nvec) else: plt.title('Fraction of Stable Imprints for %s Patters' % nvec) plt.legend(loc=0) diff --git a/requirements.txt b/requirements.txt index eebfb98..e69de29 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,3 +0,0 @@ -numpy==1.9.2 -matplotlib==1.4.3 -pillow==2.7.0 diff --git a/test_histo2.py b/test_histo2.py deleted file mode 100644 index ed0d910..0000000 --- a/test_histo2.py +++ /dev/null @@ -1,82 +0,0 @@ -import sys -import os -import numpy as np -import matplotlib.pyplot as plt -from scipy.stats import norm -import matplotlib.mlab as mlab - -#this is the finalized plot histogram function -def getpeak(data): - peak_y = np.max(data) - peak_x = np.argmax(data) - return peak_x, peak_y - -def normalize_data (data, scale, p): #Normalization function - norm_data = data.copy() - b = np.min(norm_data) - norm_data -= b #set bottom to zero - norm_data /= p #get probability distribution - norm_data *= scale - - return norm_data - -def plot_histogram(avg_basin_size): - - (num_rows, num_cols) = avg_basin_size.shape - avg_basin_size[:][:] += 1 - - fig = plt.figure() - # Histogram normalized to 1 - plt.subplot(2, 1, 1) - for i in range(1, num_rows + 1): - if i % 2 == 1: - text_str = 'p = %s' % str(i + 1) - n = normalize_data(avg_basin_size[i-1][:], 1, i) - peak_x, peak_y = getpeak(n) - plt.plot(np.arange(0, num_cols), n) - #label - if peak_y < 1.0 and peak_x > 1: - plt.text(peak_x, peak_y+.1, text_str) - - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to 1') - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) - plt.grid() - plt.ylim(0, 1.3) - - # Histogram normalized to p - plt.subplot(2, 1, 2) - for i in range(1, num_rows + 1): - if i % 2 == 1: - text_str = 'p = %s' % str(i + 1) - n = normalize_data(avg_basin_size[i-1][:], i, i) - peak_x, peak_y = getpeak(n) - plt.plot(np.arange(0, num_cols), n) - #lable - if peak_y < 4.3 and peak_x > 1: - plt.text(peak_x, peak_y+.1, text_str) - - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to P') - plt.grid() - plt.ylim(0,4.5) - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) - - # Save the figure - fig.tight_layout() - fig.savefig('histo_file.jpg') - -if __name__ == '__main__': - - histo_file = sys.argv[1] - - # try to load the 2D array fromt he file - # since it is the only structure in the file accessing all of the - # possible file structures should give us just that array - histo_data = np.load(histo_file) - plot_histogram(histo_data) - - - From 9d8f95d691094154cd32d16356879e25092f29da Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Fri, 13 Mar 2015 11:11:56 -0400 Subject: [PATCH 05/70] Reorganized files and made initial commit for back propagation neural net --- README.md | 4 +++- backpropagation/__init__.py | 0 backpropagation/network.py | 17 +++++++++++++++++ hopnet.py => hopfield/hopnet.py | 0 test_histo.py => hopfield/test_histo.py | 0 5 files changed, 20 insertions(+), 1 deletion(-) create mode 100644 backpropagation/__init__.py create mode 100644 backpropagation/network.py rename hopnet.py => hopfield/hopnet.py (100%) rename test_histo.py => hopfield/test_histo.py (100%) diff --git a/README.md b/README.md index 3d6e8cc..51ed1b7 100644 --- a/README.md +++ b/README.md @@ -1,2 +1,4 @@ # PyNet -A Simple Hopfield Neural Network written in Python. +Several Neural Network Implementations in Python +- Hopfield Neural Network with Hebbian Learning +- Back Propagation Neural Network with Error-Driven Learning diff --git a/backpropagation/__init__.py b/backpropagation/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/backpropagation/network.py b/backpropagation/network.py new file mode 100644 index 0000000..5aa162b --- /dev/null +++ b/backpropagation/network.py @@ -0,0 +1,17 @@ +# Built-in Python Libraries +import random + +# Third Party Libraries +import numpy as np + +random.seed() + +class InvalidWeightsException(Exception): + pass + +class InvalidNetworkInputException(Exception): + pass + +class BackPropagationNetwork(object): + def __init__(self): + diff --git a/hopnet.py b/hopfield/hopnet.py similarity index 100% rename from hopnet.py rename to hopfield/hopnet.py diff --git a/test_histo.py b/hopfield/test_histo.py similarity index 100% rename from test_histo.py rename to hopfield/test_histo.py From 5eedd00afc692d62cca38e8c51235cb61817fd8d Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 26 Mar 2015 23:34:16 -0400 Subject: [PATCH 06/70] added initial implementation of back prop net without using numpy --- backpropagation/backprop.py | 172 ++++ backpropagation/digits.dat | 1593 +++++++++++++++++++++++++++++++++++ backpropagation/network.py | 17 - backpropagation/sine.txt | 2 + backpropagation/sine2.txt | 5 + backpropagation/tests.py | 112 +++ requirements.txt | 5 + 7 files changed, 1889 insertions(+), 17 deletions(-) create mode 100644 backpropagation/backprop.py create mode 100644 backpropagation/digits.dat delete mode 100644 backpropagation/network.py create mode 100644 backpropagation/sine.txt create mode 100644 backpropagation/sine2.txt create mode 100644 backpropagation/tests.py diff --git a/backpropagation/backprop.py b/backpropagation/backprop.py new file mode 100644 index 0000000..3f5e113 --- /dev/null +++ b/backpropagation/backprop.py @@ -0,0 +1,172 @@ +# Built-in Python Libraries +import sys +import os +import random +import math + +# Third Party Libraries +import numpy as np +import sklearn as sk +import matplotlib as plt + +random.seed() + +class InvalidWeightsException(Exception): + pass + +class InvalidNetworkInputException(Exception): + pass + +def logistic_sigmoid(x): + return 1.0 / (1.0 + math.exp(-x)) + +def tanh(x): + return math.tanh(x) + +class Node: + def __init__(self): + self.lastOutput = None + self.lastInput = None + self.error = None + self.outgoingEdges = [] + self.incomingEdges = [] + self.addBias() + + def addBias(self): + self.incomingEdges.append(Edge(BiasNode(), self)) + + def evaluate(self, inputVector): + if self.lastOutput is not None: + return self.lastOutput + + self.lastInput = [] + weightedSum = 0 + + for e in self.incomingEdges: + theInput = e.source.evaluate(inputVector) + self.lastInput.append(theInput) + weightedSum += e.weight * theInput + + self.lastOutput = logistic_sigmoid(weightedSum) + self.evaluateCache = self.lastOutput + return self.lastOutput + + def getError(self, label): + ''' Get the error for a given node in the network. If the node is an + output node, label will be used to compute the error. For an input node, we + simply ignore the error. ''' + + if self.error is not None: + return self.error + + assert self.lastOutput is not None + + if self.outgoingEdges == []: # this is an output node + self.error = label - self.lastOutput + else: + self.error = sum([edge.weight * edge.target.getError(label) for edge in self.outgoingEdges]) + + return self.error + + def updateWeights(self, learningRate): + ''' Update the weights of a node, and all of its successor nodes. + Assume self is not an InputNode. If the error, lastOutput, and + lastInput are None, then this node has already been updated. ''' + + if (self.error is not None and self.lastOutput is not None + and self.lastInput is not None): + + for i, edge in enumerate(self.incomingEdges): + edge.weight += (learningRate * self.lastOutput * (1 - self.lastOutput) * + self.error * self.lastInput[i]) + + for edge in self.outgoingEdges: + edge.target.updateWeights(learningRate) + + self.error = None + self.lastInput = None + self.lastOutput = None + + def clearEvaluateCache(self): + if self.lastOutput is not None: + self.lastOutput = None + for edge in self.incomingEdges: + edge.source.clearEvaluateCache() + + +class InputNode(Node): + ''' Input nodes simply evaluate to the value of the input for that index. + As such, each input node must specify an index. We allow multiple copies + of an input node with the same index (why not?). ''' + + def __init__(self, index): + Node.__init__(self) + self.index = index; + + def evaluate(self, inputVector): + self.lastOutput = inputVector[self.index] + return self.lastOutput + + def updateWeights(self, learningRate): + for edge in self.outgoingEdges: + edge.target.updateWeights(learningRate) + + def getError(self, label): + for edge in self.outgoingEdges: + edge.target.getError(label) + + def addBias(self): + pass + + def clearEvaluateCache(self): + self.lastOutput = None + + +class BiasNode(InputNode): + def __init__(self): + Node.__init__(self) + + def evaluate(self, inputVector): + return 1.0 + + +class Edge: + def __init__(self, source, target): + self.weight = random.uniform(0,1) + self.source = source + self.target = target + + # attach the edges to its nodes + source.outgoingEdges.append(self) + target.incomingEdges.append(self) + + +class Network: + def __init__(self): + self.inputNodes = [] + self.outputNode = None + + def evaluate(self, inputVector): + assert max([v.index for v in self.inputNodes]) < len(inputVector) + self.outputNode.clearEvaluateCache() + + output = self.outputNode.evaluate(inputVector) + return output + + def propagateError(self, label): + for node in self.inputNodes: + node.getError(label) + + def updateWeights(self, learningRate): + for node in self.inputNodes: + node.updateWeights(learningRate) + + def train(self, labeledExamples, learningRate=0.9, maxIterations=10000): + while maxIterations > 0: + for example, label in labeledExamples: + output = self.evaluate(example) + self.propagateError(label) + self.updateWeights(learningRate) + + maxIterations -= 1 + diff --git a/backpropagation/digits.dat b/backpropagation/digits.dat new file mode 100644 index 0000000..2c0149b --- /dev/null +++ b/backpropagation/digits.dat @@ -0,0 +1,1593 @@ +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 1 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 0 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 0 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 0 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 1 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 1 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0, 1 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 1 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 1 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 1 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 1 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 +0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 1 +0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 1 +0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 1 +0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 2 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1, 2 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 2 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1, 2 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1, 2 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 2 +0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 2 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0, 2 +0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0, 2 +0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 2 +0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1, 2 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 2 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 2 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1, 2 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1, 2 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1, 2 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 +1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 +1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 +1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0, 2 +1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 2 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 2 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 2 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 2 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 3 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 3 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 3 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 3 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 3 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 3 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 3 +1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 3 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 4 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 4 +0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 4 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 +0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 4 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 +0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 +0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 +0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 +0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 +0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 +0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 +0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 1 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 0 0 0 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 5 +0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 +0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 5 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 5 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 0 0 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 6 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 +0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 +0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 6 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 6 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 6 +0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 +0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 6 +0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 +0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 6 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 +0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 +0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 7 +0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 7 +1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 +1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 7 +1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 +1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 +0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 8 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 8 +0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 +0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0, 8 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 8 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 8 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 +1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 8 +0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 +0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 +0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 +0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 +0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0, 9 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 9 +0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 +0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 9 +0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 9 +0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 9 +0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 9 +0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 +0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 +0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 +1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 9 +1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 +1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 9 +1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 diff --git a/backpropagation/network.py b/backpropagation/network.py deleted file mode 100644 index 5aa162b..0000000 --- a/backpropagation/network.py +++ /dev/null @@ -1,17 +0,0 @@ -# Built-in Python Libraries -import random - -# Third Party Libraries -import numpy as np - -random.seed() - -class InvalidWeightsException(Exception): - pass - -class InvalidNetworkInputException(Exception): - pass - -class BackPropagationNetwork(object): - def __init__(self): - diff --git a/backpropagation/sine.txt b/backpropagation/sine.txt new file mode 100644 index 0000000..4610380 --- /dev/null +++ b/backpropagation/sine.txt @@ -0,0 +1,2 @@ +{{{2.9955574531,0.489566524852},{4.24681260945,0.106938800641},{10.0009329716,0.526676682875},{11.2337559755,0.52667668149},{2.85805667509,0.565571417616},{7.4341446278,0.526676708062},{2.71640241562,0.704600094718},{7.92032403724,0.526676697393},{5.12716111956,0.102075063523},{0.441426872265,0.872906565374},{1.95315710848,0.872163103327},{9.29627335154,0.526676684929},{3.80271878301,0.27856742287},{3.02947815187,0.479094591758},{9.03826965698,0.526676686141},{12.1686232779,0.526676681156},{8.14022109954,0.526676694055},{6.38890282424,0.520704855321},{11.7327416174,0.526676681273},{10.5736352366,0.526676682017},{4.67359371982,0.10220522249},{3.74307077741,0.326978867611},{5.83145201284,0.102306971942},{7.65190257967,0.52667670264},{0.58691224085,0.872886099939},{3.82473420253,0.259292485425},{0.134849964485,0.872972733414},{9.16776215917,0.526676685492},{3.14299255277,0.457286456663},{5.7875715383,0.102179264089},{1.91398539903,0.872323359403},{2.64854031549,0.765523685434},{1.59627929159,0.872769713361},{4.05183296691,0.128447625706},{0.67756701462,0.872875544747},{8.47518680956,0.526676690226},{12.2492845587,0.526676681139},{7.86379117782,0.52667669838},{1.75506424875,0.872659672772},{3.3761685481,0.437639558768},{12.2303353971,0.526676681143},{7.14404682953,0.5266767093},{11.3498690428,0.526676681429},{9.22561645076,0.526676685229},{9.85606062617,0.526676683184},{6.4934085213,0.525758569562},{10.0655547832,0.526676682751},{8.44895660713,0.526676690481},{10.6260782163,0.52667668196},{11.1637996476,0.52667668153},{6.37003622689,0.518278601124},{8.14637620921,0.526676693972},{3.24884772304,0.446866007192},{10.8841115287,0.526676681724},{4.25555417092,0.106589044187},{12.1420494067,0.526676681161},{4.27603060206,0.105866120435},{2.51321747422,0.833822564595},{6.80272243372,0.526673062334},{0.327296888693,0.87292666535},{5.45137779199,0.102072479276},{8.3581683026,0.526676691416},{4.01042565541,0.140005692282},{8.95866731375,0.526676686585},{10.3037666988,0.526676682359},{10.7945038888,0.526676681799},{6.38590785776,0.520373477519},{9.68263985375,0.526676683622},{9.89086207188,0.526676683106},{11.1759744928,0.526676681523},{1.14592736974,0.872836562311},{6.86719173641,0.526675568282},{0.0792777990303,0.872990094811},{3.46013523147,0.42941284633},{6.13255183485,0.166308045903},{8.37011163666,0.526676691288},{4.52913898338,0.102519894092},{7.88242813102,0.526676698048},{6.94434623546,0.526676432963},{8.06677934568,0.526676695086},{6.14928069635,0.192584398395},{11.3355217434,0.526676681436},{9.32968959202,0.526676684794},{6.14510130335,0.185205356397},{8.22664100373,0.526676692937},{4.82026811897,0.102111018386},{6.31790405435,0.504769582215},{10.4956749777,0.526676682106},{2.13929856888,0.870318459376},{6.71987579593,0.526660632267},{6.10865150151,0.141403092354},{6.87606455594,0.526675737953},{2.33717151392,0.862286715625},{1.29698293113,0.872824939069},{8.23278463474,0.526676692861},{9.08735755896,0.526676685885},{9.43542678521,0.526676684397},{7.00614162886,0.526676625958},{3.71485009947,0.346479065089},{0.00949435695504,0.873015484899}}, +} diff --git a/backpropagation/sine2.txt b/backpropagation/sine2.txt new file mode 100644 index 0000000..29767dc --- /dev/null +++ b/backpropagation/sine2.txt @@ -0,0 +1,5 @@ +{{{3.4752106028,0.427417402765},{1.05510477048,0.558472609031},{0.989922656116,0.562807566122},{4.28537114829,0.399791202997},{0.765432936144,0.577872227817},{2.50308767489,0.471552619904},{5.38347480933,0.373355974156},{3.48206629406,0.427150124722},{2.68986297374,0.462101989288},{3.9488250347,0.41032643893},{5.96242682855,0.363398063584},{4.91301201521,0.383328653938},{0.277704260385,0.610892301091},{4.15087609747,0.403848766704},{0.557466537202,0.591944205166},{0.54627016977,0.592703213501},{0.194510981782,0.616502534347},{4.3786721886,0.39709165394},{0.0156106907837,0.628487675391},{3.69720221598,0.41906371581},{4.33322675163,0.398394953547},{1.15875907597,0.551625728468},{0.779721963903,0.5769083986},{4.07554152291,0.40620943584},{0.483678188815,0.596946876723},{1.30469746463,0.542099340233},{1.02213419598,0.560662708443},{3.31718805226,0.433745271591},{1.91257340953,0.504344393542},{0.0217897558219,0.628075956369},{4.60011675815,0.391047625502},{3.54918878518,0.424564793075},{5.5598050135,0.370072842467},{5.68323332454,0.367909494283},{5.37803161496,0.373461058523},{4.53712458223,0.392716094765},{4.21246360375,0.401966049767},{6.13950352902,0.360792417103},{3.92856932897,0.411001836138},{1.38026261592,0.537226310735},{4.46055580478,0.394798153308},{2.1730156464,0.48935525407},{1.88105925475,0.506211030354},{4.90116070327,0.383604392697},{1.03972031554,0.559493847694},{5.55565268329,0.370147511605},{4.01485154433,0.408158118968},{3.03977713232,0.445641480854},{1.70060406411,0.517105526656},{1.76546721224,0.513150210174},{5.25732679171,0.375850893432},{5.12579267794,0.378588776535},{5.84565609105,0.365222706555},{5.12758121429,0.378550586782},{2.82591385841,0.455508340543},{2.67328980293,0.462921985881},{5.63617848849,0.368721530271},{2.47725150125,0.472895877092},{5.80565329454,0.365868051338},{5.50393020678,0.371088145357},{1.21107694044,0.548194249705},{6.18584289067,0.360141294231},{1.0780074744,0.556954599923},{6.01103470237,0.36266384777},{0.0323964616829,0.627368799371},{5.81348046237,0.365740950695},{0.902541395903,0.568649354455},{1.0133120667,0.561249648271},{4.22559306263,0.401570106405},{1.99233388327,0.499669938664},{0.0431000804272,0.626654654586},{4.28926132158,0.399676782141},{3.22784233316,0.437466270022},{0.914551527181,0.567844553652},{0.0154330044224,0.628499512176},{1.30243752233,0.54224573882},{3.70472098518,0.418791525641},{4.15956148096,0.403580703283},{2.25150233146,0.484997604516},{2.99875840361,0.447486765719},{5.31434359224,0.374707702907},{1.49047657571,0.530200531444},{0.715855737572,0.581220165638},{5.11728973784,0.378770703913},{4.40006614989,0.396485665471},{1.96927039503,0.501014162137},{0.579010611463,0.590483909373},{1.20749218747,0.548428810806},{3.09492001095,0.443195985396},{0.262759792149,0.611901414958},{5.89288709937,0.364474181874},{5.69448813052,0.367717549684},{3.10552927061,0.442730103024},{2.57923507352,0.467644279939},{0.589176129868,0.589794981845},{1.55265571058,0.526282789842},{5.19395609374,0.377152192018},{6.10354151581,0.361306360152},{2.3623219693,0.478975748949},{6.23618047575,0.359447950407}}, +{{5.11471648192,0.481435845486},{2.72049280324,0.510124853274},{3.16586608286,0.501955485252},{5.74220843459,0.478263752891},{3.01778472224,0.504492191182},{1.6322212126,0.537178542028},{5.84362436727,0.47784780963},{2.34175446726,0.518395723054},{4.85697174273,0.483094655042},{5.14814985177,0.48123744768},{3.57354311952,0.495827238018},{0.887360015121,0.560425232164},{1.40330452096,0.544041048072},{5.00257783641,0.482128710749},{0.463686671216,0.574173353096},{1.95856505459,0.528030234065},{2.09017919936,0.524580087621},{3.09900244227,0.503079412141},{0.41705792147,0.575668550659},{2.72049879169,0.510124732326},{2.72671045733,0.509999440988},{0.51303607814,0.572584208258},{1.66213020007,0.536307183987},{0.18930482222,0.582852217385},{2.00231076054,0.526867504816},{4.83859212336,0.483222164977},{3.11755692559,0.502764011664},{3.23886145691,0.500768052553},{2.16744163084,0.522622714354},{6.14433175157,0.476745564125},{1.1560119468,0.551775662864},{3.78421534569,0.493111935444},{2.16278347538,0.522739278707},{5.24411954865,0.480687954401},{4.03443114516,0.490244530728},{6.02228134627,0.47717049493},{3.05793686761,0.50378716189},{4.47490706451,0.48602657653},{0.534059807062,0.57190538269},{4.16742755247,0.488865768096},{2.82965425306,0.507970812096},{2.68652446892,0.510815852951},{0.727126040286,0.565638147647},{1.23539124574,0.549262793366},{0.551769302159,0.571332820682},{2.63088317222,0.511969178026},{4.27866990834,0.487784520463},{5.91865428513,0.477555022877},{4.88591554227,0.4828964417},{0.188248532507,0.582884974131},{3.80527186427,0.492856145031},{5.44968034606,0.479605163267},{4.04100294564,0.490174120237},{0.130073803965,0.584679664333},{5.19189225867,0.480983361604},{0.0150542935848,0.5881692987},{3.05760757133,0.503792891434},{2.98317658635,0.505110306269},{1.22237237231,0.549673175867},{1.25388142766,0.548681199241},{3.81963497949,0.49268323832},{4.12145858304,0.489331471421},{1.29233752667,0.547476511538},{3.26283160056,0.500386988826},{3.8167832333,0.492717467256},{5.68426845907,0.478512255437},{2.48289829231,0.515167267201},{0.865045763307,0.561150165343},{0.794968491874,0.563429645779},{4.78862250636,0.483575388801},{5.68029668433,0.478529588364},{3.59099105452,0.495591269276},{5.08048546195,0.481642814798},{2.22527140389,0.521191160159},{3.30000144061,0.499804632983},{5.24097618642,0.480705492613},{0.188689559083,0.582871298112},{2.65692991457,0.511425960816},{1.24106706431,0.549084106425},{3.67826167036,0.494441470737},{3.81615103835,0.492725062137},{2.08390899886,0.52474116535},{3.44805192707,0.497585937977},{6.03611408459,0.477120847905},{3.7383815593,0.493678303663},{5.91196977432,0.477580607859},{5.31515146957,0.480299697507},{0.0552590132062,0.586958879705},{1.66980069431,0.536084724306},{3.79575591918,0.492971402054},{0.884811526045,0.560507996731},{3.73589565497,0.493709401196},{3.22591449726,0.500975687798},{2.14012705385,0.523308879904},{0.200394013762,0.582507975326},{0.961348984643,0.558026526921},{4.89212964602,0.482854294992},{2.97067784823,0.505335929617},{1.50247881822,0.541027957694},{4.95981671091,0.482404410437}}, +{{4.28366255745,0.508672646718},{1.58073476203,0.509604791508},{1.03722224549,0.510245275411},{3.36651784629,0.508770762746},{6.12037390715,0.508619493163},{2.10572423904,0.509199742705},{2.48631443379,0.509009277228},{0.676399486574,0.510781905979},{5.8976771308,0.508621987983},{1.85586354385,0.509368788778},{0.731560054555,0.510696172128},{4.80316823973,0.508646858948},{5.06437814264,0.508638236509},{0.785345241977,0.510613530319},{0.223954555058,0.511486807978},{2.87806358546,0.508876379937},{1.42317155396,0.509766249377},{3.25283704033,0.50879079134},{3.17307544738,0.508806326892},{0.47019237826,0.511106621796},{1.5466723085,0.509638016566},{4.71543728758,0.508650309478},{2.21963146111,0.509135068189},{2.67591207243,0.5089383122},{6.01271030502,0.508620630735},{1.7897167053,0.509420459499},{5.76363419877,0.508623778178},{1.43214996263,0.509756512728},{0.881027044021,0.510469541263},{3.08078660303,0.508825985565},{0.859319344554,0.510501823073},{1.02712787292,0.510259302405},{3.0973689654,0.508822313038},{1.6629335261,0.509528346166},{1.62709015301,0.509561037757},{5.78858083921,0.508623426667},{4.84470840545,0.508645329865},{6.16630455749,0.5086190435},{4.25285222899,0.508674652481},{3.52338287368,0.508746742842},{0.295361108494,0.511378777695},{3.66712301275,0.508727923323},{4.68892236356,0.508651414693},{5.40193433057,0.508629994949},{5.33048467923,0.508631513145},{3.49598095924,0.50875066112},{2.06269588956,0.509226087755},{1.03276649768,0.510251458541},{6.21297952198,0.508618606949},{6.1003573045,0.508619695598},{6.0922971611,0.50861977825},{5.05352909683,0.508638550917},{0.591390779514,0.510915367879},{5.56707470995,0.50862687647},{0.667207810509,0.510796270661},{0.930331754077,0.510397163178},{1.07198629944,0.510197503957},{0.120300211568,0.511638715606},{0.485316308096,0.511082782097},{5.8158629192,0.508623052118},{4.21714697394,0.508677058112},{6.15029759086,0.5086191979},{1.78077296595,0.509427683772},{1.80805294492,0.509405827245},{3.68532432639,0.508725734796},{0.163453129279,0.511576263809},{3.2372212402,0.508793732318},{4.87303305986,0.508644323765},{3.22537076409,0.508795996257},{4.00207402696,0.508693587113},{1.57643575643,0.509608934375},{2.58360113381,0.508971155658},{1.00146222425,0.510295274104},{2.84294169084,0.508886236174},{4.91195645529,0.508642987716},{1.85467730253,0.50936968851},{1.31446156492,0.509889320233},{3.31071031006,0.50878029919},{2.09172581403,0.50920819444},{5.63572520472,0.508625724551},{3.42407793121,0.508761490268},{2.74961303179,0.50891422876},{3.59529248781,0.508736976238},{5.05206930617,0.508638593487},{1.40261398625,0.509788788934},{0.696314984787,0.510750853681},{4.987058669,0.508640554711},{2.17567975444,0.509159177572},{1.74294065195,0.509458882723},{4.2290428297,0.508676246762},{0.550941150437,0.510979188866},{2.81082525627,0.508895566967},{5.69853522759,0.508624737718},{0.0664743082922,0.511714854403},{0.726175193754,0.51070450194},{0.960803572761,0.510353132076},{2.70231753675,0.508929473625},{0.588231962735,0.510920347439},{4.17819263446,0.508679785835},{2.21651946112,0.509136741345}}, +{{2.29747019973,0.514708128022},{3.0779202638,0.514663317375},{2.26652927404,0.514710717451},{3.26609720462,0.514656873796},{6.08211227617,0.514628913445},{0.670541511317,0.514986854828},{5.40062484045,0.514630493683},{4.55380189659,0.514634961319},{4.03180072284,0.514640533324},{2.30147307522,0.514707798626},{6.25316467326,0.514628665983},{4.40706404523,0.514636230566},{3.65979140371,0.514646860433},{2.372615844,0.514702152271},{5.31593244781,0.514630782237},{5.82224604071,0.514629386567},{5.6000675043,0.51462990831},{0.00391087998919,0.515169192684},{1.24988956379,0.514850675929},{2.90233187867,0.514670568135},{2.65377379716,0.514683325767},{2.91178617634,0.51467014361},{2.3943573238,0.514700503194},{2.32788336524,0.514705656961},{0.732653174522,0.514970557917},{3.43564986945,0.514652053414},{5.16623770459,0.514631360178},{4.27825712894,0.514637519465},{2.14769127479,0.514721406139},{1.99667344722,0.514736829331},{4.48823002032,0.514635504189},{0.944502877478,0.514917691145},{2.61528423638,0.514685603203},{5.95482146714,0.514629128966},{6.19961583947,0.514628738693},{4.20386287161,0.514638347977},{4.15702197692,0.514638904092},{4.62197916019,0.514634435493},{1.54183838897,0.514797970467},{5.13952616931,0.514631473306},{5.43959842111,0.514630369359},{5.3629569071,0.514630618826},{0.719058329911,0.51497409802},{6.17444479965,0.51462877432},{2.03611925424,0.514732590473},{4.54091317505,0.514635065067},{0.978566430975,0.514909643021},{6.12268928465,0.514628850627},{0.56881870741,0.515014146754},{6.01560978096,0.514629022417},{3.17278227564,0.514659912406},{0.507707598105,0.515030826767},{2.1774217637,0.514718617907},{4.590421383,0.514634674167},{1.52057669988,0.51480143371},{0.600285977013,0.515005633909},{5.46225517111,0.514630299411},{3.62548780051,0.514647578328},{2.03100931829,0.514733130968},{1.04689908868,0.514893916021},{2.46316403649,0.514695509608},{4.85121202027,0.514632922016},{1.75152233837,0.514766822938},{6.18353855646,0.514628761339},{3.4357650734,0.51465205042},{5.86795600579,0.514629293636},{4.34258126837,0.514636853845},{5.31613948469,0.514630781499},{5.13302241771,0.514631501339},{4.13253061183,0.514639206016},{3.46562936858,0.514651286286},{4.31534343748,0.514637130177},{1.73704969898,0.514768802625},{4.46420500086,0.514635712727},{1.52566039642,0.514800600393},{1.94853721807,0.514742213196},{5.61928678275,0.514629858167},{4.00296655357,0.514640940001},{0.673054197296,0.514986189642},{0.0310911474145,0.515161961854},{0.899720966379,0.514928474255},{5.44610582368,0.514630349096},{3.82154776149,0.514643803079},{4.56104226515,0.514634903656},{2.47571827557,0.514694634362},{2.99125914884,0.514666732841},{4.07421076155,0.514639957231},{2.64143055356,0.514684046576},{4.33149599042,0.514636965346},{5.48681030856,0.514630225477},{0.371673830709,0.515068426926},{0.218925027327,0.515110813089},{2.11656263279,0.514724410354},{1.06917200958,0.514888913761},{1.58008326964,0.514791885335},{2.16106777104,0.514720141955},{1.70692761402,0.514773001798},{0.699832681074,0.514979130695},{0.205065547893,0.515114639565},{5.83226593741,0.514629365809}} +} diff --git a/backpropagation/tests.py b/backpropagation/tests.py new file mode 100644 index 0000000..48d5b39 --- /dev/null +++ b/backpropagation/tests.py @@ -0,0 +1,112 @@ +from backprop import * + +def binaryNumbersTest(): + network = Network() + inputNodes = [InputNode(i) for i in range(3)] + hiddenNodes = [Node() for i in range(3)] + outputNode = Node() + + # weights are all randomized + for inputNode in inputNodes: + for node in hiddenNodes: + Edge(inputNode, node) + + for node in hiddenNodes: + Edge(node, outputNode) + + network.outputNode = outputNode + network.inputNodes.extend(inputNodes) + + labeledExamples = [((0,0,0), 1), + ((0,0,1), 0), + ((0,1,0), 1), + ((0,1,1), 0), + ((1,0,0), 1), + ((1,0,1), 0), + ((1,1,0), 1), + ((1,1,1), 0)] + network.train(labeledExamples, maxIterations=5000) + + # test for consistency + for number, isEven in labeledExamples: + print "Error for %r is %0.4f. Output was:%0.4f" % (number, isEven - network.evaluate(number), network.evaluate(number)) + + +def makeNetwork(numInputs, numHiddenLayers, numInEachLayer): + network = Network() + inputNodes = [InputNode(i) for i in range(numInputs)] + outputNode = Node() + network.outputNode = outputNode + network.inputNodes.extend(inputNodes) + + layers = [[Node() for _ in range(numInEachLayer)] for _ in range(numHiddenLayers)] + + # weights are all randomized + for inputNode in inputNodes: + for node in layers[0]: + Edge(inputNode, node) + + for layer1, layer2 in [(layers[i], layers[i+1]) for i in range(numHiddenLayers-1)]: + for node1 in layer1: + for node2 in layer2: + Edge(node1, node2) + + for node in layers[-1]: + Edge(node, outputNode) + + return network + + +def sineTest(numLayers, numNodes): + import math + import random + + f = lambda x: 0.5 * (1.0 + math.sin(x)) + domain = lambda: [random.random()*math.pi*4 for _ in range(100)] + + network = makeNetwork(1, numLayers, numNodes) + labeledExamples = [((x,), f(x)) for x in domain()] + network.train(labeledExamples, learningRate=0.25, maxIterations=100000) + + errors = [abs(f(x) - network.evaluate((x,))) for x in domain()] + print "Avg error: %.4f" % (sum(errors) * 1.0 / len(errors)) + + with open('sine.txt', 'a') as theFile: + vals = tuple((x,network.evaluate((x,))) for x in domain()) + line = "{%s},\n" % (",".join(["{%s}" % ",".join([str(n) for n in x]) for x in vals]),) + theFile.write(line) + + +def digitsTest(): + import random + network = makeNetwork(256, 2, 15) + + digits = [] + + with open('igits.dat', 'r') as dataFile: + for line in dataFile: + (exampleStr, classStr) = line.split(',') + digits.append(([int(x) for x in exampleStr.split()], float(classStr) / 9)) + + random.shuffle(digits) + trainingData, testData = digits[:-500], digits[-500:] + + network.train(trainingData, learningRate=0.5, maxIterations=100000) + errors = [abs(testPt[-1] - round(network.evaluate(testPt[0]))) for testPt in testData] + print "Average error: %.4f" % (sum(errors)*1.0 / len(errors)) + + +if __name__ == "__main__": + #binaryNumbersTest() + + print "Sine" + with open('sine.txt','w') as theFile: + theFile.write("{") + + sineTest(1, 20) + + with open('sine.txt','a') as theFile: + theFile.write("}\n") + + print "Digits" + digitsTest() diff --git a/requirements.txt b/requirements.txt index e69de29..6a76cb6 100644 --- a/requirements.txt +++ b/requirements.txt @@ -0,0 +1,5 @@ +numpy==1.9.2 +sklearn==0.15.2 +scipy==0.15.1 +matplotlib==1.4.3 + From 827d94003ea16aba601f0549517434fb7ca5a4e9 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 30 Mar 2015 16:44:12 -0400 Subject: [PATCH 07/70] working version, still needs some tweaking for project standards --- .gitignore | 2 + backpropagation/backprop.py | 172 ---- backpropagation/digits.dat | 1593 ----------------------------------- backpropagation/network.py | 143 ++++ backpropagation/network.pyc | Bin 0 -> 4506 bytes backpropagation/sine.txt | 2 - backpropagation/sine2.txt | 5 - backpropagation/tests.py | 252 ++++-- backpropagation/utils.py | 29 + backpropagation/utils.pyc | Bin 0 -> 1096 bytes 10 files changed, 346 insertions(+), 1852 deletions(-) create mode 100644 .gitignore delete mode 100644 backpropagation/backprop.py delete mode 100644 backpropagation/digits.dat create mode 100644 backpropagation/network.py create mode 100644 backpropagation/network.pyc delete mode 100644 backpropagation/sine.txt delete mode 100644 backpropagation/sine2.txt create mode 100644 backpropagation/utils.py create mode 100644 backpropagation/utils.pyc diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..2f78cf5 --- /dev/null +++ b/.gitignore @@ -0,0 +1,2 @@ +*.pyc + diff --git a/backpropagation/backprop.py b/backpropagation/backprop.py deleted file mode 100644 index 3f5e113..0000000 --- a/backpropagation/backprop.py +++ /dev/null @@ -1,172 +0,0 @@ -# Built-in Python Libraries -import sys -import os -import random -import math - -# Third Party Libraries -import numpy as np -import sklearn as sk -import matplotlib as plt - -random.seed() - -class InvalidWeightsException(Exception): - pass - -class InvalidNetworkInputException(Exception): - pass - -def logistic_sigmoid(x): - return 1.0 / (1.0 + math.exp(-x)) - -def tanh(x): - return math.tanh(x) - -class Node: - def __init__(self): - self.lastOutput = None - self.lastInput = None - self.error = None - self.outgoingEdges = [] - self.incomingEdges = [] - self.addBias() - - def addBias(self): - self.incomingEdges.append(Edge(BiasNode(), self)) - - def evaluate(self, inputVector): - if self.lastOutput is not None: - return self.lastOutput - - self.lastInput = [] - weightedSum = 0 - - for e in self.incomingEdges: - theInput = e.source.evaluate(inputVector) - self.lastInput.append(theInput) - weightedSum += e.weight * theInput - - self.lastOutput = logistic_sigmoid(weightedSum) - self.evaluateCache = self.lastOutput - return self.lastOutput - - def getError(self, label): - ''' Get the error for a given node in the network. If the node is an - output node, label will be used to compute the error. For an input node, we - simply ignore the error. ''' - - if self.error is not None: - return self.error - - assert self.lastOutput is not None - - if self.outgoingEdges == []: # this is an output node - self.error = label - self.lastOutput - else: - self.error = sum([edge.weight * edge.target.getError(label) for edge in self.outgoingEdges]) - - return self.error - - def updateWeights(self, learningRate): - ''' Update the weights of a node, and all of its successor nodes. - Assume self is not an InputNode. If the error, lastOutput, and - lastInput are None, then this node has already been updated. ''' - - if (self.error is not None and self.lastOutput is not None - and self.lastInput is not None): - - for i, edge in enumerate(self.incomingEdges): - edge.weight += (learningRate * self.lastOutput * (1 - self.lastOutput) * - self.error * self.lastInput[i]) - - for edge in self.outgoingEdges: - edge.target.updateWeights(learningRate) - - self.error = None - self.lastInput = None - self.lastOutput = None - - def clearEvaluateCache(self): - if self.lastOutput is not None: - self.lastOutput = None - for edge in self.incomingEdges: - edge.source.clearEvaluateCache() - - -class InputNode(Node): - ''' Input nodes simply evaluate to the value of the input for that index. - As such, each input node must specify an index. We allow multiple copies - of an input node with the same index (why not?). ''' - - def __init__(self, index): - Node.__init__(self) - self.index = index; - - def evaluate(self, inputVector): - self.lastOutput = inputVector[self.index] - return self.lastOutput - - def updateWeights(self, learningRate): - for edge in self.outgoingEdges: - edge.target.updateWeights(learningRate) - - def getError(self, label): - for edge in self.outgoingEdges: - edge.target.getError(label) - - def addBias(self): - pass - - def clearEvaluateCache(self): - self.lastOutput = None - - -class BiasNode(InputNode): - def __init__(self): - Node.__init__(self) - - def evaluate(self, inputVector): - return 1.0 - - -class Edge: - def __init__(self, source, target): - self.weight = random.uniform(0,1) - self.source = source - self.target = target - - # attach the edges to its nodes - source.outgoingEdges.append(self) - target.incomingEdges.append(self) - - -class Network: - def __init__(self): - self.inputNodes = [] - self.outputNode = None - - def evaluate(self, inputVector): - assert max([v.index for v in self.inputNodes]) < len(inputVector) - self.outputNode.clearEvaluateCache() - - output = self.outputNode.evaluate(inputVector) - return output - - def propagateError(self, label): - for node in self.inputNodes: - node.getError(label) - - def updateWeights(self, learningRate): - for node in self.inputNodes: - node.updateWeights(learningRate) - - def train(self, labeledExamples, learningRate=0.9, maxIterations=10000): - while maxIterations > 0: - for example, label in labeledExamples: - output = self.evaluate(example) - self.propagateError(label) - self.updateWeights(learningRate) - - maxIterations -= 1 - diff --git a/backpropagation/digits.dat b/backpropagation/digits.dat deleted file mode 100644 index 2c0149b..0000000 --- a/backpropagation/digits.dat +++ /dev/null @@ -1,1593 +0,0 @@ -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 1 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 0 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 0 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 0 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 0 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 0 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 0 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 1 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 1 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0, 1 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 1 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 1 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 1 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 1 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 1 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 1 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 1 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 1 -0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 1 -0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 1 -0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 1 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 1 -0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 1 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 2 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1, 2 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 2 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1, 2 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1, 2 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 2 -0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 2 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 2 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0, 2 -0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0, 2 -0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 2 -0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1, 2 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 2 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 2 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 2 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1, 2 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 2 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1, 2 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1, 2 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1, 2 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 2 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 -1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 2 -1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 2 -1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0, 2 -1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 2 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1, 2 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 2 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 2 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 3 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 3 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 3 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 3 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 3 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 3 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 3 -1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 3 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 3 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 3 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 4 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 4 -0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 4 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 4 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 4 -0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0, 4 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 4 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 4 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 4 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 4 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 4 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 4 -0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 -0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 4 -0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 4 -0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 4 -0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 4 -0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 4 -0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 4 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 1 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 0 0 0 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 5 -0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 5 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 5 -0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 5 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 5 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 5 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 5 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 5 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 0 0 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 0 0 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 6 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 6 -0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 6 -0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 6 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 6 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 6 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 6 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 6 -0 0 0 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 6 -0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 6 -0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 -0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 6 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 6 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 6 -0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 7 -0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 1 1 0 0 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 7 -0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -0 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 7 -1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 -1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 7 -1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 7 -1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 7 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 -0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 1 1 1 0 1 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0, 8 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 8 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 1 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 8 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 8 -0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 8 -0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0, 8 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0, 8 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0, 8 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 8 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 8 -1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 8 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 8 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 8 -0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 -0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 0 0 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 0 1 1 1 0 0 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 0 0 1 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 1 0 1 1 1 1 1 1 1 1 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 -0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 -0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 0 1 1 0 0 1 1 0 0 0 0 0 0 1 1 0 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 -0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 0, 9 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 1 0 0 0 0 1 1 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 0 1 1 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 0 1 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0, 9 -0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 -0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 0 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1, 9 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 9 -0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 0 1 1 1 0 0 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 0 0 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0, 9 -0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0, 9 -0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 0 0 1 1 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0, 9 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1, 9 -0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 1 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 0 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0, 9 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0, 9 -0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0, 9 -0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 0 1 1 1 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 -1 1 1 0 0 0 0 0 1 1 1 1 1 0 0 0 1 1 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0, 9 -1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 1 1 1 1 1 1 0 0 0 0 0 0 1 1 0 0 1 1 1 1 1 1 1 1 1 0 0 0 1 1 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 -1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 1 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 1 1 1 1 0 0 0 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0, 9 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 1 1 1 0 0 0 0 0 0 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 0 1 1 1 0 0 0 1 1 0 1 1 1 1 1 1 1 1 1 1 0 0 1 1 0 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0, 9 -1 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 1 1 1 0 0 0 0 0 0 0 1 1 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 1 1 1 1 0 1 1 1 1 0 0 0 0 0 0 0 0 0 1 1 0 0 1 1 1 0 0 0 0 0 0 0 0 0 1 1 1 0 0 1 1 1 1 1 1 0 0 0 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 0 0 0 1 1 1 1 1 1 1 0 0 0 0 0 0 0 0 0, 9 diff --git a/backpropagation/network.py b/backpropagation/network.py new file mode 100644 index 0000000..fb561d5 --- /dev/null +++ b/backpropagation/network.py @@ -0,0 +1,143 @@ +''' + network.py + PyNet, Backpropagation Neural Network class + + Written by: Jared Smith and David Cunningham +''' + +# Python standard libraries +import sys +import os +import tempfile +import logging +import argparse + +# 3rd-Party Libraries +import sklearn as sk +import matplotlib as plt +import numpy as np +from scipy.special import expit + +# Project files +from utils import * + + +# Neural Network class +class NeuralNetwork(object): + + # Class constructor + def __init__(self, X, y, parameters): + """ Expect parameters to be a tuple of the form: + ((n_input,0,0), (n_hidden_layer_1, activation_function_1, deriv_activation_function_1'), ..., + (n_hidden_layer_k, activation_function_k, deriv_activation_function_k'), (n_output, activation_function_o, deriv_activation_function_o')) + """ + + # Input + self.X = X + + # Output + self.y = y + + # Number of layers total including the input and output layers + self.n_layers = len(parameters) + + # Number of nodes in each layer + self.sizes = [layer[0] for layer in parameters] + + self.activation_functions = [layer[1] for layer in parameters] + self.deriv_activation_functions = [layer[2] for layer in parameters] + + self.weights = [] + self.biases = [] + self.inputs = [] + self.outputs = [] + self.errors = [] + + # Build the network + self.build_network() + + + # Builds the network + def build_network(self): + + for layer in range(self.n_layers - 1): + n = self.sizes[layer] + m = self.sizes[layer + 1] + self.weights.append(np.random.normal(0, 1, (m, n))) + self.biases.append(np.random.normal(0, 1, (m, 1))) + self.inputs.append(np.zeros((n, 1))) + self.outputs.append(np.zeros((n, 1))) + self.errors.append(np.zeros((n, 1))) + + n = self.sizes[-1] + self.inputs.append(np.zeros((n, 1))) + self.outputs.append(np.zeros((n, 1))) + self.errors.append(np.zeros((n, 1))) + + + # Propagate through the network and assign the nodes values + def feedforward(self, x): + + k = len(x) + x.shape = (k, 1) + self.inputs[0] = x + self.outputs[0] = x + + for i in range(1, self.n_layers): + # Pay attention to the .dot function here, this does the major calculation + self.inputs[i] = self.weights[i - 1].dot(self.outputs[i - 1]) + self.biases[i - 1] + self.outputs[i] = self.activation_functions[i](self.inputs[i]) + + y = self.outputs[-1] + + return y + + + # Update the weights, errors, and bias nodes in the network + def update_weights(self, x, y): + + output = self.feedforward(x) + self.errors[-1] = self.deriv_activation_functions[-1](self.outputs[-1])*(output-y) + n = self.n_layers - 2 + + for i in xrange(n, 0, -1): + self.errors[i] = self.deriv_activation_functions[i](self.inputs[i]) * self.weights[i].T.dot(self.errors[i + 1]) + self.weights[i] = self.weights[i] - self.learning_rate * np.outer(self.errors[i + 1], self.outputs[i]) + self.biases[i] = self.biases[i] - self.learning_rate * self.errors[i + 1] + self.weights[0] = self.weights[0] - self.learning_rate * np.outer(self.errors[1], self.outputs[0]) + + + # Train the network, using a specific number of iterations + def train(self, n_iter, learning_rate=1): + + self.learning_rate = learning_rate + n = self.X.shape[0] + + for repeat in range(n_iter): + index = list(range(n)) + np.random.shuffle(index) + + for row in index: + x = self.X[row] + y = self.y[row] + self.update_weights(x, y) + + + # Run the neural network on the specified single input + def predict_x(self, x): + + return self.feedforward(x) + + + # Run the neural network on the specified range of input + def predict(self, X): + + n = len(X) + m = self.sizes[-1] + ret = np.ones((n, m)) + + for i in range(len(X)): + ret[i, :] = self.feedforward(X[i]) + + return ret + diff --git a/backpropagation/network.pyc b/backpropagation/network.pyc new file mode 100644 index 0000000000000000000000000000000000000000..608f157811378e1e16a430e3513d1baf17797d2a GIT binary patch literal 4506 zcmcIn-EQ2*6&{k(O1sutisRH$`o|z`yb1)#=|xeba*@U=kmf=ys02zEPzh=|tEI#x zDbB3D3M}-($piGZPmu>G(3`$MU!pJ22WY?V3@JyAoGW>`9G*EdoS$>P^POSvpMG!l z&Bo^=)%*fHKf-PPh9XsJh|*K3uX0ZfAvoDrL%)>+H4IvLK@AsLc~K1)Te+i#ORc=D zhTT@~so@=w1C_6+XMNyQDD|h|8W(dgSmGLM6ul6? zLfdC$eYRa)NcE2w``T`WA19-;sxGVKB(Ygpg!_6{CpjL{IUMDQF+F+Vu+FU2MRoh!=W_A)LMH=oUPqQ?9GAoL#IGH5VUiM%7_6Hs&w~HwByvnSrQun^?qjYmM zQ(altN6W{!&8H|dtc$HFZq1pK0&MAv28IkofE6Jxs;}UIPGbt1b4gm4Rdg^|#&Dwr z6kHFVPjH*Rqj>JA=Ssy8d=WflAq47$(+BDVO@Z1wT2q$`>bZDt9VVfjRk;q!acCzx9GCUDpzZDLt?M)W-^gb-j|}yzM?T}oSYkP| zT=I=eE5C1m^5N#@)v7X>Pi4epM&Rua2u#cR7gAo>0CKJiOZ+qzF@kB6eW{JT5A_WO zF!pUUymA-DGB}^<>||n%?La=x5`*C=iZ5Ibw@IhgbzRm*BIkIPL_KyCgE+qm_5sjYOxRmI074&(qaT&-PfjV6v%ba%9DMDUI7vYLv9{cKrgt5nw zmv8Qep|1Dqw*7h>qiOcY1~SZ@?{8jtb@Tasb;yNaP!K?~o!2&7s=y93^uB{PBqg-$ zAWq(>lj1~2gj_^#L6|F+ln-tY#vev0c|zc0@bx59Pu7S#O%0wE`k zr7v1nLlXmbE%Jb;-KHXGXLtToA=m&5x^hvy@PX80)nKv1M1i*T4M33{fWt=NvI$Vw zDjqm2pt?(`%Z80B-A2=22G~9S#6bsR5jv8EUg2FjG2%8INllVUi<_KtNLS9|;%t&d zT3Y8!GMtc!I8MAZm-0-?OjzZX-De4-vDPWl(zB#a|A49?WR$<+t-_amf5ZQ^_jAAR zkGNQZ^@=%u59Xl3uH5JdK`5lLBzz&36h2tL&)(t>F*)4mt94j&{!dzqnOzz|8hc0I zs7t8OAD&)xj)8X}HI9LQQ6a0qb22RINXZY_p_vF8naK5Jub#q=k-x9M!5SdQ!F_dq zomF{7UhZGb4??;&k?Se#yXRjxgn$7X7+s$VD{D=H_HRvt?z_Sj#LT`hgrvfknQ_2~ zj^1I>WpNed0wm#txuX)&fnyP}{AUrffh4S4CpFK8ah+Hl{eWsthxDdv0pCDaNC@L6 zXmAOPI+p<>X45D{aohOg-ey&bWyMW8PM|SdiSk#yO#;w+;yw1ZJ>gM7A_KE1V!4%j_MEcz^_ZP!%wv;186+7A|=K0nm8!U(w}zM~~DcAP1KN zf*lO!Ch1|^C0@4WN_yQb(#vTi}+N}XfdqI}A4G91=ixY>mgy`x$TEaoCs^^CtC7}% H-opO?eWaSB literal 0 HcmV?d00001 diff --git a/backpropagation/sine.txt b/backpropagation/sine.txt deleted file mode 100644 index 4610380..0000000 --- a/backpropagation/sine.txt +++ /dev/null @@ -1,2 +0,0 @@ -{{{2.9955574531,0.489566524852},{4.24681260945,0.106938800641},{10.0009329716,0.526676682875},{11.2337559755,0.52667668149},{2.85805667509,0.565571417616},{7.4341446278,0.526676708062},{2.71640241562,0.704600094718},{7.92032403724,0.526676697393},{5.12716111956,0.102075063523},{0.441426872265,0.872906565374},{1.95315710848,0.872163103327},{9.29627335154,0.526676684929},{3.80271878301,0.27856742287},{3.02947815187,0.479094591758},{9.03826965698,0.526676686141},{12.1686232779,0.526676681156},{8.14022109954,0.526676694055},{6.38890282424,0.520704855321},{11.7327416174,0.526676681273},{10.5736352366,0.526676682017},{4.67359371982,0.10220522249},{3.74307077741,0.326978867611},{5.83145201284,0.102306971942},{7.65190257967,0.52667670264},{0.58691224085,0.872886099939},{3.82473420253,0.259292485425},{0.134849964485,0.872972733414},{9.16776215917,0.526676685492},{3.14299255277,0.457286456663},{5.7875715383,0.102179264089},{1.91398539903,0.872323359403},{2.64854031549,0.765523685434},{1.59627929159,0.872769713361},{4.05183296691,0.128447625706},{0.67756701462,0.872875544747},{8.47518680956,0.526676690226},{12.2492845587,0.526676681139},{7.86379117782,0.52667669838},{1.75506424875,0.872659672772},{3.3761685481,0.437639558768},{12.2303353971,0.526676681143},{7.14404682953,0.5266767093},{11.3498690428,0.526676681429},{9.22561645076,0.526676685229},{9.85606062617,0.526676683184},{6.4934085213,0.525758569562},{10.0655547832,0.526676682751},{8.44895660713,0.526676690481},{10.6260782163,0.52667668196},{11.1637996476,0.52667668153},{6.37003622689,0.518278601124},{8.14637620921,0.526676693972},{3.24884772304,0.446866007192},{10.8841115287,0.526676681724},{4.25555417092,0.106589044187},{12.1420494067,0.526676681161},{4.27603060206,0.105866120435},{2.51321747422,0.833822564595},{6.80272243372,0.526673062334},{0.327296888693,0.87292666535},{5.45137779199,0.102072479276},{8.3581683026,0.526676691416},{4.01042565541,0.140005692282},{8.95866731375,0.526676686585},{10.3037666988,0.526676682359},{10.7945038888,0.526676681799},{6.38590785776,0.520373477519},{9.68263985375,0.526676683622},{9.89086207188,0.526676683106},{11.1759744928,0.526676681523},{1.14592736974,0.872836562311},{6.86719173641,0.526675568282},{0.0792777990303,0.872990094811},{3.46013523147,0.42941284633},{6.13255183485,0.166308045903},{8.37011163666,0.526676691288},{4.52913898338,0.102519894092},{7.88242813102,0.526676698048},{6.94434623546,0.526676432963},{8.06677934568,0.526676695086},{6.14928069635,0.192584398395},{11.3355217434,0.526676681436},{9.32968959202,0.526676684794},{6.14510130335,0.185205356397},{8.22664100373,0.526676692937},{4.82026811897,0.102111018386},{6.31790405435,0.504769582215},{10.4956749777,0.526676682106},{2.13929856888,0.870318459376},{6.71987579593,0.526660632267},{6.10865150151,0.141403092354},{6.87606455594,0.526675737953},{2.33717151392,0.862286715625},{1.29698293113,0.872824939069},{8.23278463474,0.526676692861},{9.08735755896,0.526676685885},{9.43542678521,0.526676684397},{7.00614162886,0.526676625958},{3.71485009947,0.346479065089},{0.00949435695504,0.873015484899}}, -} diff --git a/backpropagation/sine2.txt b/backpropagation/sine2.txt deleted file mode 100644 index 29767dc..0000000 --- a/backpropagation/sine2.txt +++ /dev/null @@ -1,5 +0,0 @@ -{{{3.4752106028,0.427417402765},{1.05510477048,0.558472609031},{0.989922656116,0.562807566122},{4.28537114829,0.399791202997},{0.765432936144,0.577872227817},{2.50308767489,0.471552619904},{5.38347480933,0.373355974156},{3.48206629406,0.427150124722},{2.68986297374,0.462101989288},{3.9488250347,0.41032643893},{5.96242682855,0.363398063584},{4.91301201521,0.383328653938},{0.277704260385,0.610892301091},{4.15087609747,0.403848766704},{0.557466537202,0.591944205166},{0.54627016977,0.592703213501},{0.194510981782,0.616502534347},{4.3786721886,0.39709165394},{0.0156106907837,0.628487675391},{3.69720221598,0.41906371581},{4.33322675163,0.398394953547},{1.15875907597,0.551625728468},{0.779721963903,0.5769083986},{4.07554152291,0.40620943584},{0.483678188815,0.596946876723},{1.30469746463,0.542099340233},{1.02213419598,0.560662708443},{3.31718805226,0.433745271591},{1.91257340953,0.504344393542},{0.0217897558219,0.628075956369},{4.60011675815,0.391047625502},{3.54918878518,0.424564793075},{5.5598050135,0.370072842467},{5.68323332454,0.367909494283},{5.37803161496,0.373461058523},{4.53712458223,0.392716094765},{4.21246360375,0.401966049767},{6.13950352902,0.360792417103},{3.92856932897,0.411001836138},{1.38026261592,0.537226310735},{4.46055580478,0.394798153308},{2.1730156464,0.48935525407},{1.88105925475,0.506211030354},{4.90116070327,0.383604392697},{1.03972031554,0.559493847694},{5.55565268329,0.370147511605},{4.01485154433,0.408158118968},{3.03977713232,0.445641480854},{1.70060406411,0.517105526656},{1.76546721224,0.513150210174},{5.25732679171,0.375850893432},{5.12579267794,0.378588776535},{5.84565609105,0.365222706555},{5.12758121429,0.378550586782},{2.82591385841,0.455508340543},{2.67328980293,0.462921985881},{5.63617848849,0.368721530271},{2.47725150125,0.472895877092},{5.80565329454,0.365868051338},{5.50393020678,0.371088145357},{1.21107694044,0.548194249705},{6.18584289067,0.360141294231},{1.0780074744,0.556954599923},{6.01103470237,0.36266384777},{0.0323964616829,0.627368799371},{5.81348046237,0.365740950695},{0.902541395903,0.568649354455},{1.0133120667,0.561249648271},{4.22559306263,0.401570106405},{1.99233388327,0.499669938664},{0.0431000804272,0.626654654586},{4.28926132158,0.399676782141},{3.22784233316,0.437466270022},{0.914551527181,0.567844553652},{0.0154330044224,0.628499512176},{1.30243752233,0.54224573882},{3.70472098518,0.418791525641},{4.15956148096,0.403580703283},{2.25150233146,0.484997604516},{2.99875840361,0.447486765719},{5.31434359224,0.374707702907},{1.49047657571,0.530200531444},{0.715855737572,0.581220165638},{5.11728973784,0.378770703913},{4.40006614989,0.396485665471},{1.96927039503,0.501014162137},{0.579010611463,0.590483909373},{1.20749218747,0.548428810806},{3.09492001095,0.443195985396},{0.262759792149,0.611901414958},{5.89288709937,0.364474181874},{5.69448813052,0.367717549684},{3.10552927061,0.442730103024},{2.57923507352,0.467644279939},{0.589176129868,0.589794981845},{1.55265571058,0.526282789842},{5.19395609374,0.377152192018},{6.10354151581,0.361306360152},{2.3623219693,0.478975748949},{6.23618047575,0.359447950407}}, -{{5.11471648192,0.481435845486},{2.72049280324,0.510124853274},{3.16586608286,0.501955485252},{5.74220843459,0.478263752891},{3.01778472224,0.504492191182},{1.6322212126,0.537178542028},{5.84362436727,0.47784780963},{2.34175446726,0.518395723054},{4.85697174273,0.483094655042},{5.14814985177,0.48123744768},{3.57354311952,0.495827238018},{0.887360015121,0.560425232164},{1.40330452096,0.544041048072},{5.00257783641,0.482128710749},{0.463686671216,0.574173353096},{1.95856505459,0.528030234065},{2.09017919936,0.524580087621},{3.09900244227,0.503079412141},{0.41705792147,0.575668550659},{2.72049879169,0.510124732326},{2.72671045733,0.509999440988},{0.51303607814,0.572584208258},{1.66213020007,0.536307183987},{0.18930482222,0.582852217385},{2.00231076054,0.526867504816},{4.83859212336,0.483222164977},{3.11755692559,0.502764011664},{3.23886145691,0.500768052553},{2.16744163084,0.522622714354},{6.14433175157,0.476745564125},{1.1560119468,0.551775662864},{3.78421534569,0.493111935444},{2.16278347538,0.522739278707},{5.24411954865,0.480687954401},{4.03443114516,0.490244530728},{6.02228134627,0.47717049493},{3.05793686761,0.50378716189},{4.47490706451,0.48602657653},{0.534059807062,0.57190538269},{4.16742755247,0.488865768096},{2.82965425306,0.507970812096},{2.68652446892,0.510815852951},{0.727126040286,0.565638147647},{1.23539124574,0.549262793366},{0.551769302159,0.571332820682},{2.63088317222,0.511969178026},{4.27866990834,0.487784520463},{5.91865428513,0.477555022877},{4.88591554227,0.4828964417},{0.188248532507,0.582884974131},{3.80527186427,0.492856145031},{5.44968034606,0.479605163267},{4.04100294564,0.490174120237},{0.130073803965,0.584679664333},{5.19189225867,0.480983361604},{0.0150542935848,0.5881692987},{3.05760757133,0.503792891434},{2.98317658635,0.505110306269},{1.22237237231,0.549673175867},{1.25388142766,0.548681199241},{3.81963497949,0.49268323832},{4.12145858304,0.489331471421},{1.29233752667,0.547476511538},{3.26283160056,0.500386988826},{3.8167832333,0.492717467256},{5.68426845907,0.478512255437},{2.48289829231,0.515167267201},{0.865045763307,0.561150165343},{0.794968491874,0.563429645779},{4.78862250636,0.483575388801},{5.68029668433,0.478529588364},{3.59099105452,0.495591269276},{5.08048546195,0.481642814798},{2.22527140389,0.521191160159},{3.30000144061,0.499804632983},{5.24097618642,0.480705492613},{0.188689559083,0.582871298112},{2.65692991457,0.511425960816},{1.24106706431,0.549084106425},{3.67826167036,0.494441470737},{3.81615103835,0.492725062137},{2.08390899886,0.52474116535},{3.44805192707,0.497585937977},{6.03611408459,0.477120847905},{3.7383815593,0.493678303663},{5.91196977432,0.477580607859},{5.31515146957,0.480299697507},{0.0552590132062,0.586958879705},{1.66980069431,0.536084724306},{3.79575591918,0.492971402054},{0.884811526045,0.560507996731},{3.73589565497,0.493709401196},{3.22591449726,0.500975687798},{2.14012705385,0.523308879904},{0.200394013762,0.582507975326},{0.961348984643,0.558026526921},{4.89212964602,0.482854294992},{2.97067784823,0.505335929617},{1.50247881822,0.541027957694},{4.95981671091,0.482404410437}}, -{{4.28366255745,0.508672646718},{1.58073476203,0.509604791508},{1.03722224549,0.510245275411},{3.36651784629,0.508770762746},{6.12037390715,0.508619493163},{2.10572423904,0.509199742705},{2.48631443379,0.509009277228},{0.676399486574,0.510781905979},{5.8976771308,0.508621987983},{1.85586354385,0.509368788778},{0.731560054555,0.510696172128},{4.80316823973,0.508646858948},{5.06437814264,0.508638236509},{0.785345241977,0.510613530319},{0.223954555058,0.511486807978},{2.87806358546,0.508876379937},{1.42317155396,0.509766249377},{3.25283704033,0.50879079134},{3.17307544738,0.508806326892},{0.47019237826,0.511106621796},{1.5466723085,0.509638016566},{4.71543728758,0.508650309478},{2.21963146111,0.509135068189},{2.67591207243,0.5089383122},{6.01271030502,0.508620630735},{1.7897167053,0.509420459499},{5.76363419877,0.508623778178},{1.43214996263,0.509756512728},{0.881027044021,0.510469541263},{3.08078660303,0.508825985565},{0.859319344554,0.510501823073},{1.02712787292,0.510259302405},{3.0973689654,0.508822313038},{1.6629335261,0.509528346166},{1.62709015301,0.509561037757},{5.78858083921,0.508623426667},{4.84470840545,0.508645329865},{6.16630455749,0.5086190435},{4.25285222899,0.508674652481},{3.52338287368,0.508746742842},{0.295361108494,0.511378777695},{3.66712301275,0.508727923323},{4.68892236356,0.508651414693},{5.40193433057,0.508629994949},{5.33048467923,0.508631513145},{3.49598095924,0.50875066112},{2.06269588956,0.509226087755},{1.03276649768,0.510251458541},{6.21297952198,0.508618606949},{6.1003573045,0.508619695598},{6.0922971611,0.50861977825},{5.05352909683,0.508638550917},{0.591390779514,0.510915367879},{5.56707470995,0.50862687647},{0.667207810509,0.510796270661},{0.930331754077,0.510397163178},{1.07198629944,0.510197503957},{0.120300211568,0.511638715606},{0.485316308096,0.511082782097},{5.8158629192,0.508623052118},{4.21714697394,0.508677058112},{6.15029759086,0.5086191979},{1.78077296595,0.509427683772},{1.80805294492,0.509405827245},{3.68532432639,0.508725734796},{0.163453129279,0.511576263809},{3.2372212402,0.508793732318},{4.87303305986,0.508644323765},{3.22537076409,0.508795996257},{4.00207402696,0.508693587113},{1.57643575643,0.509608934375},{2.58360113381,0.508971155658},{1.00146222425,0.510295274104},{2.84294169084,0.508886236174},{4.91195645529,0.508642987716},{1.85467730253,0.50936968851},{1.31446156492,0.509889320233},{3.31071031006,0.50878029919},{2.09172581403,0.50920819444},{5.63572520472,0.508625724551},{3.42407793121,0.508761490268},{2.74961303179,0.50891422876},{3.59529248781,0.508736976238},{5.05206930617,0.508638593487},{1.40261398625,0.509788788934},{0.696314984787,0.510750853681},{4.987058669,0.508640554711},{2.17567975444,0.509159177572},{1.74294065195,0.509458882723},{4.2290428297,0.508676246762},{0.550941150437,0.510979188866},{2.81082525627,0.508895566967},{5.69853522759,0.508624737718},{0.0664743082922,0.511714854403},{0.726175193754,0.51070450194},{0.960803572761,0.510353132076},{2.70231753675,0.508929473625},{0.588231962735,0.510920347439},{4.17819263446,0.508679785835},{2.21651946112,0.509136741345}}, -{{2.29747019973,0.514708128022},{3.0779202638,0.514663317375},{2.26652927404,0.514710717451},{3.26609720462,0.514656873796},{6.08211227617,0.514628913445},{0.670541511317,0.514986854828},{5.40062484045,0.514630493683},{4.55380189659,0.514634961319},{4.03180072284,0.514640533324},{2.30147307522,0.514707798626},{6.25316467326,0.514628665983},{4.40706404523,0.514636230566},{3.65979140371,0.514646860433},{2.372615844,0.514702152271},{5.31593244781,0.514630782237},{5.82224604071,0.514629386567},{5.6000675043,0.51462990831},{0.00391087998919,0.515169192684},{1.24988956379,0.514850675929},{2.90233187867,0.514670568135},{2.65377379716,0.514683325767},{2.91178617634,0.51467014361},{2.3943573238,0.514700503194},{2.32788336524,0.514705656961},{0.732653174522,0.514970557917},{3.43564986945,0.514652053414},{5.16623770459,0.514631360178},{4.27825712894,0.514637519465},{2.14769127479,0.514721406139},{1.99667344722,0.514736829331},{4.48823002032,0.514635504189},{0.944502877478,0.514917691145},{2.61528423638,0.514685603203},{5.95482146714,0.514629128966},{6.19961583947,0.514628738693},{4.20386287161,0.514638347977},{4.15702197692,0.514638904092},{4.62197916019,0.514634435493},{1.54183838897,0.514797970467},{5.13952616931,0.514631473306},{5.43959842111,0.514630369359},{5.3629569071,0.514630618826},{0.719058329911,0.51497409802},{6.17444479965,0.51462877432},{2.03611925424,0.514732590473},{4.54091317505,0.514635065067},{0.978566430975,0.514909643021},{6.12268928465,0.514628850627},{0.56881870741,0.515014146754},{6.01560978096,0.514629022417},{3.17278227564,0.514659912406},{0.507707598105,0.515030826767},{2.1774217637,0.514718617907},{4.590421383,0.514634674167},{1.52057669988,0.51480143371},{0.600285977013,0.515005633909},{5.46225517111,0.514630299411},{3.62548780051,0.514647578328},{2.03100931829,0.514733130968},{1.04689908868,0.514893916021},{2.46316403649,0.514695509608},{4.85121202027,0.514632922016},{1.75152233837,0.514766822938},{6.18353855646,0.514628761339},{3.4357650734,0.51465205042},{5.86795600579,0.514629293636},{4.34258126837,0.514636853845},{5.31613948469,0.514630781499},{5.13302241771,0.514631501339},{4.13253061183,0.514639206016},{3.46562936858,0.514651286286},{4.31534343748,0.514637130177},{1.73704969898,0.514768802625},{4.46420500086,0.514635712727},{1.52566039642,0.514800600393},{1.94853721807,0.514742213196},{5.61928678275,0.514629858167},{4.00296655357,0.514640940001},{0.673054197296,0.514986189642},{0.0310911474145,0.515161961854},{0.899720966379,0.514928474255},{5.44610582368,0.514630349096},{3.82154776149,0.514643803079},{4.56104226515,0.514634903656},{2.47571827557,0.514694634362},{2.99125914884,0.514666732841},{4.07421076155,0.514639957231},{2.64143055356,0.514684046576},{4.33149599042,0.514636965346},{5.48681030856,0.514630225477},{0.371673830709,0.515068426926},{0.218925027327,0.515110813089},{2.11656263279,0.514724410354},{1.06917200958,0.514888913761},{1.58008326964,0.514791885335},{2.16106777104,0.514720141955},{1.70692761402,0.514773001798},{0.699832681074,0.514979130695},{0.205065547893,0.515114639565},{5.83226593741,0.514629365809}} -} diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 48d5b39..2a7854b 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -1,112 +1,204 @@ -from backprop import * +''' + tests.py + PyNet, Backpropagation Neural Network class -def binaryNumbersTest(): - network = Network() - inputNodes = [InputNode(i) for i in range(3)] - hiddenNodes = [Node() for i in range(3)] - outputNode = Node() + Written by: Jared Smith and David Cunningham +''' - # weights are all randomized - for inputNode in inputNodes: - for node in hiddenNodes: - Edge(inputNode, node) - for node in hiddenNodes: - Edge(node, outputNode) +# Python standard libraries +import sys +import os +import contextlib +import tempfile +import argparse +from argparse import RawTextHelpFormatter - network.outputNode = outputNode - network.inputNodes.extend(inputNodes) +# 3rd-Party libraries +import sklearn as sk +import numpy as np +from scipy.special import expit - labeledExamples = [((0,0,0), 1), - ((0,0,1), 0), - ((0,1,0), 1), - ((0,1,1), 0), - ((1,0,0), 1), - ((1,0,1), 0), - ((1,1,0), 1), - ((1,1,1), 0)] - network.train(labeledExamples, maxIterations=5000) +# Project specific libraries +from network import * +from utils import * - # test for consistency - for number, isEven in labeledExamples: - print "Error for %r is %0.4f. Output was:%0.4f" % (number, isEven - network.evaluate(number), network.evaluate(number)) +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) -def makeNetwork(numInputs, numHiddenLayers, numInEachLayer): - network = Network() - inputNodes = [InputNode(i) for i in range(numInputs)] - outputNode = Node() - network.outputNode = outputNode - network.inputNodes.extend(inputNodes) - layers = [[Node() for _ in range(numInEachLayer)] for _ in range(numHiddenLayers)] +# Setup the command line parser +def setup_argparser(): - # weights are all randomized - for inputNode in inputNodes: - for node in layers[0]: - Edge(inputNode, node) + parser = argparse.ArgumentParser(description='' + + 'Written by: Jared Smith and David Cunningham.', + version='1.0.0', formatter_class=RawTextHelpFormatter) + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help='Number of this experiment.') + requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=str, help="Type of test to run. Choose 'r' " + + "for regression or 'c' for classification.") - for layer1, layer2 in [(layers[i], layers[i+1]) for i in range(numHiddenLayers-1)]: - for node1 in layer1: - for node2 in layer2: - Edge(node1, node2) + return parser - for node in layers[-1]: - Edge(node, outputNode) +# Get Peak of Data Curve +def getpeak(data): + peak_y = np.max(data) + peak_x = np.argmax(data) + return peak_x, peak_y - return network +# Normalize Data +def normalize_data (data, scale, p): + norm_data = data.copy() + b = np.min(norm_data) + norm_data -= b + norm_data /= p + norm_data *= scale -def sineTest(numLayers, numNodes): - import math - import random + return norm_data - f = lambda x: 0.5 * (1.0 + math.sin(x)) - domain = lambda: [random.random()*math.pi*4 for _ in range(100)] - network = makeNetwork(1, numLayers, numNodes) - labeledExamples = [((x,), f(x)) for x in domain()] - network.train(labeledExamples, learningRate=0.25, maxIterations=100000) +# Try to approximate a sine curve with a linear regression +def test_regression(plots=False): + + predictions = [] - errors = [abs(f(x) - network.evaluate((x,))) for x in domain()] - print "Avg error: %.4f" % (sum(errors) * 1.0 / len(errors)) + n = 200 + learning_rate = 0.05 - with open('sine.txt', 'a') as theFile: - vals = tuple((x,network.evaluate((x,))) for x in domain()) - line = "{%s},\n" % (",".join(["{%s}" % ",".join([str(n) for n in x]) for x in vals]),) - theFile.write(line) + X = np.linspace(0, 3 * np.pi, num=n) + X.shape = (n, 1) + y = np.sin(X) + # Make the network structure parameters, see network.py parameters variable for how to structure + layers = ((1, 0, 0), (20, expit, logistic_prime), (20, expit, logistic_prime), (1, identity, identity_prime)) -def digitsTest(): - import random - network = makeNetwork(256, 2, 15) + # Run the network + N = NeuralNetwork(X, y, layers) + N.train(4000, learning_rate=learning_rate) + predictions.append([learning_rate, N.predict(X)]) - digits = [] - with open('igits.dat', 'r') as dataFile: - for line in dataFile: - (exampleStr, classStr) = line.split(',') - digits.append(([int(x) for x in exampleStr.split()], float(classStr) / 9)) + # Plotting + import matplotlib.pyplot as plt + fig, ax = plt.subplots(1, 1) - random.shuffle(digits) - trainingData, testData = digits[:-500], digits[-500:] + if plots: + ax.plot(X, y, label='Sine', linewidth=2, color='black') + for data in predictions: + ax.plot(X, data[1], label="Learning Rate: " + str(data[0])) + ax.legend() + plt.show() - network.train(trainingData, learningRate=0.5, maxIterations=100000) - errors = [abs(testPt[-1] - round(network.evaluate(testPt[0]))) for testPt in testData] - print "Average error: %.4f" % (sum(errors)*1.0 / len(errors)) + +# Try to approximate a sine curve with a non-linear classification +def test_classification(plots=False): + + # Number of samples + n = 700 + + n_iter = 1500 + learning_rate = 0.05 + + # Samples for true decision boundary plot + L = np.linspace(0,3 * np.pi, num=n) + l = np.sin(L) + + # Data inputs, training + X = np.random.uniform(0, 3 * np.pi, size=(n, 2)) + X[:, 1] *= 1 / np.pi + X[:, 1] -= 1 + + + # Data inputs, testing + T = np.random.uniform(0, 3 * np.pi, size=(n, 2)) + T[:, 1] *= 1 / np.pi + T[:, 1] -= 1 + + # Data outputs + y = np.sin(X[:, 0]) <= X[:, 1] + + # Fitting + param = ((2, 0, 0), (30, expit, logistic_prime), (30, expit, logistic_prime), (1, expit, logistic_prime)) + N = NeuralNetwork(X, y, param) + + # Training and Validation + N.train(n_iter, learning_rate) + predictions_training = N.predict(X) + predictions_training = predictions_training < 0.5 + predictions_training = predictions_training[:, 0] + + # Testing + predictions_testing = N.predict(T) + predictions_testing = predictions_testing < 0.5 + predictions_testing = predictions_testing[:, 0] + + import matplotlib.pyplot as plt + fig, ax = plt.subplots(2, 1) + + # Training plot + + # We plot the predictions of the neural net blue for class 0, red for 1. + ax[0].scatter(X[predictions_training, 0], X[predictions_training, 1], color='blue') + not_index = np.logical_not(predictions_training) + ax[0].scatter(X[not_index, 0], X[not_index, 1], color='red') + ax[0].set_xlim(0, 3 * np.pi) + ax[0].set_ylim(-1, 1) + + # True decision boundary + ax[0].plot(L, l, color='black') + + # Shade the areas according to how to they should be classified. + ax[0].fill_between(L, l, y2=-1, alpha=0.5) + ax[0].fill_between(L, l, y2=1, alpha=0.5, color='red') + + # Testing plot + ax[1].scatter(T[predictions_testing, 0], T[predictions_testing, 1], color='blue') + not_index = np.logical_not(predictions_testing) + ax[1].scatter(T[not_index, 0], T[not_index, 1], color='red') + ax[1].set_xlim(0, 3 * np.pi) + ax[1].set_ylim(-1, 1) + ax[1].plot(L, l, color='black') + ax[1].fill_between(L, l, y2=-1, alpha=0.5) + ax[1].fill_between(L, l, y2=1, alpha=0.5, color='red') + + if plots: + plt.show() if __name__ == "__main__": - #binaryNumbersTest() - print "Sine" - with open('sine.txt','w') as theFile: - theFile.write("{") - sineTest(1, 20) + graph_list = [] + + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + test_type = args.test_type + + if test_type == 'r': + test_regression(True) + elif test_type == 'c': + test_classification(True) + else: + print "Bad Command. Try 'r' or 'c'" - with open('sine.txt','a') as theFile: - theFile.write("}\n") - print "Digits" - digitsTest() diff --git a/backpropagation/utils.py b/backpropagation/utils.py new file mode 100644 index 0000000..a7932a2 --- /dev/null +++ b/backpropagation/utils.py @@ -0,0 +1,29 @@ +''' + utils.py + PyNet, Backpropagation Neural Network class + + Written by: Jared Smith and David Cunningham +''' + + +# 3rd-Party Libraries +import numpy as np + + +# Simple Logistic Sigmoid Activation Function +def logistic(x): + return 1.0 / (1 + np.exp(-x)) + +# Derivative of Simple Logistic Sigmoid +def logistic_prime(x): + ex = np.exp(-x) + return ex / (1 + ex)**2 + +# Identity Function +def identity(x): + return x + +# Derivative of Identity Function +def identity_prime(x): + return 1 + diff --git a/backpropagation/utils.pyc b/backpropagation/utils.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ab2be18d0a07c265431df78f283a6c0ce1aeefef GIT binary patch literal 1096 zcmcIjO>fjN5S{F17dCtdQI!?q;$seo+$&U2+fxrwl?WmA5~Z<~b(`2x?36|-C-^!1 zI3#`m%uHBH#dWbXFE1WDp7+L?|9BE5-(G&G;P;r}^F4+;K#&0EhylnMGy$B?K+fSS zPR>DwOhS+gCJT^DCQDkJ#}DWm9YQ2<3|=?xO*it(*_bN-S{#+tRoC0DtV^%05vdyb zvcZS{Wcw>oHKlVAZ}`}2@0Af3aGh)>0e~#%NP-$~MwJaimp% zM^l6t#~AJf!lc9lTn2Cp@aRhb>-{{QV=Ao?aD0EKXm%asU7T literal 0 HcmV?d00001 From e45101deb6348f1c3e762f6978ed9427044b0269 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 30 Mar 2015 17:33:45 -0400 Subject: [PATCH 08/70] refined some naming conventions, reconfigured network.train() to take X and y, and added a test for handwritten digits that I now have to test. --- backpropagation/network.py | 14 ++++------ backpropagation/tests.py | 55 +++++++++++++++++++++++++++++--------- 2 files changed, 48 insertions(+), 21 deletions(-) diff --git a/backpropagation/network.py b/backpropagation/network.py index fb561d5..370d617 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -14,7 +14,6 @@ # 3rd-Party Libraries import sklearn as sk -import matplotlib as plt import numpy as np from scipy.special import expit @@ -26,18 +25,12 @@ class NeuralNetwork(object): # Class constructor - def __init__(self, X, y, parameters): + def __init__(self, parameters): """ Expect parameters to be a tuple of the form: ((n_input,0,0), (n_hidden_layer_1, activation_function_1, deriv_activation_function_1'), ..., (n_hidden_layer_k, activation_function_k, deriv_activation_function_k'), (n_output, activation_function_o, deriv_activation_function_o')) """ - # Input - self.X = X - - # Output - self.y = y - # Number of layers total including the input and output layers self.n_layers = len(parameters) @@ -108,7 +101,10 @@ def update_weights(self, x, y): # Train the network, using a specific number of iterations - def train(self, n_iter, learning_rate=1): + def train(self, X, y, n_iter, learning_rate=1): + + self.X = X + self.y = y self.learning_rate = learning_rate n = self.X.shape[0] diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 2a7854b..1f8f062 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -15,8 +15,12 @@ from argparse import RawTextHelpFormatter # 3rd-Party libraries -import sklearn as sk import numpy as np +import sklearn as sk +from sklearn.cross_validation import train_test_split +from sklearn.datasets import load_digits +from sklearn.metrics import confusion_matrix, classification_report +from sklearn.preprocessing import LabelBinarizer from scipy.special import expit # Project specific libraries @@ -77,11 +81,11 @@ def test_regression(plots=False): y = np.sin(X) # Make the network structure parameters, see network.py parameters variable for how to structure - layers = ((1, 0, 0), (20, expit, logistic_prime), (20, expit, logistic_prime), (1, identity, identity_prime)) + parameters = ((1, 0, 0), (20, expit, logistic_prime), (20, expit, logistic_prime), (1, identity, identity_prime)) # Run the network - N = NeuralNetwork(X, y, layers) - N.train(4000, learning_rate=learning_rate) + NN = NeuralNetwork(parameters) + NN.train(X, y, 4000, learning_rate=learning_rate) predictions.append([learning_rate, N.predict(X)]) @@ -125,17 +129,17 @@ def test_classification(plots=False): y = np.sin(X[:, 0]) <= X[:, 1] # Fitting - param = ((2, 0, 0), (30, expit, logistic_prime), (30, expit, logistic_prime), (1, expit, logistic_prime)) - N = NeuralNetwork(X, y, param) + parameters = ((2, 0, 0), (30, expit, logistic_prime), (30, expit, logistic_prime), (1, expit, logistic_prime)) + NN = NeuralNetwork(parameters) - # Training and Validation - N.train(n_iter, learning_rate) - predictions_training = N.predict(X) + # Training + NN.train(X, y, n_iter, learning_rate) + predictions_training = NN.predict(X) predictions_training = predictions_training < 0.5 predictions_training = predictions_training[:, 0] # Testing - predictions_testing = N.predict(T) + predictions_testing = NN.predict(T) predictions_testing = predictions_testing < 0.5 predictions_testing = predictions_testing[:, 0] @@ -143,7 +147,6 @@ def test_classification(plots=False): fig, ax = plt.subplots(2, 1) # Training plot - # We plot the predictions of the neural net blue for class 0, red for 1. ax[0].scatter(X[predictions_training, 0], X[predictions_training, 1], color='blue') not_index = np.logical_not(predictions_training) @@ -172,8 +175,36 @@ def test_classification(plots=False): plt.show() -if __name__ == "__main__": +def test_handwritten_digits(plots=False): + + predictions = [] + + learning_rate = 0.5 + n_iter = 30000 + digits = load_digits() + X = digits.data + y = digits.target + X -= X.min() # normalize the values to bring them into the range 0-1 + X /= X.max() + + parameters = ((2, 0, 0), (30, expit, logistic_prime), (30, expit, logistic_prime), (1, expit, logistic_prime)) + X_train, X_test, y_train, y_test = train_test_split(X, y) + NN = NeuralNetwork(parameters) + + labels_train = LabelBinarizer().fit_transform(y_train) + labels_test = LabelBinarizer().fit_transform(y_test) + + NN.train(X_train, labels_train, n_iter, learning_rate) + for i in range(X_test.shape[0]): + o = NN.predict_x(X_test[i]) + predictions.append(np.argmax(o)) + + print confusion_matrix(y_test, predictions) + print classification_report(y_test, predictions) + + +if __name__ == "__main__": graph_list = [] From 89a3453b0ad4dc0ad9dfaf3f2a6348a517a04f5a Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 30 Mar 2015 17:36:03 -0400 Subject: [PATCH 09/70] forgot to add option parser for digits test. Now use 'd' for specifying digits test. --- backpropagation/tests.py | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 1f8f062..cecb02a 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -199,7 +199,7 @@ def test_handwritten_digits(plots=False): for i in range(X_test.shape[0]): o = NN.predict_x(X_test[i]) predictions.append(np.argmax(o)) - + print confusion_matrix(y_test, predictions) print classification_report(y_test, predictions) @@ -229,6 +229,8 @@ def test_handwritten_digits(plots=False): test_regression(True) elif test_type == 'c': test_classification(True) + elif test_type == 'd': + test_handwritten_digits(True) else: print "Bad Command. Try 'r' or 'c'" From d1a058533b06c706e9a4552c23ff70bf55ef1cef Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 30 Mar 2015 17:43:50 -0400 Subject: [PATCH 10/70] debugged and fixed syntax errors in regression and classification tests, moving onto digits test --- backpropagation/network.pyc | Bin 4506 -> 4454 bytes backpropagation/tests.py | 4 ++-- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/backpropagation/network.pyc b/backpropagation/network.pyc index 608f157811378e1e16a430e3513d1baf17797d2a..638a7c1a0ab894c595cfbd753beb23abda9706ae 100644 GIT binary patch delta 1149 zcmZWo&1(};5TCanNj960?T58#ORX)`h#mx?^x&ajK~Ex&sx>tYq1mKK(@nCwfmAn? zQqO`sFZLqXp7bD+i%0(j{{fFh@Fd>FnMtWalefQ}uQxMq-fxch*N_h7Qdn?AlPUK~w}(3}~ictzv?khAQeYcnNR_@U)QmJjjWC4R=xo z1E0H;uwT3A*M|Nj_Ujk@`q2LvA_of? z9Dss}g4)pLO)T3;4&G=5Vc6J?`lBDGsmYMK4BTc_eKETB3@PIX5FgwzPlQcgX%ZyV z&)CiD7KurOkc`h=zZFQzCsPP{j?R$ksFirhOry9oIEg!AgKN>AV7uIQImK|}D24OJ z1WF;rRa&9sLNQeGT%D4J0-?va!&qnBQ{Rk-YSYS!`vcE(FIII+19# zxCQ+fwMHhBOt|`S>ZB2eMgpQZSwwG{q}AdrxZOu1r;HMi>szc~byB!?15LOzIMhIN zYVf49tUjeCDm>(MKBrv3mgN)yT^n)cfp`GeWV% z6V4j`jw`h?s6oS)=&Rq{ggRKC7C}x=pQk-QD({99O5#kr-D8BV&f6Cyl>& CQoH{E delta 1216 zcmZWn%Wl(95S?o~P8{dqKGc#FsAj2|8U zYxuP<&gZ;U4Z<|+*iaEr(IL#hQ5JTxAn0sBn1hW<0{lEw@od5wz$w7X9p~%kf*2SW zC4nFPpHRdf2t5HkfHDdi3j!1hI-HL5I_#rKhtjSCeFJ(1WiGtZpyjf=@xNUg*`KmK zac#c}ppP65;&p9lmcnEHH2a}o)3KHrzR`Aslf?p+K-gwHj(_Qwv($p39@>6bl{6kn zr})h1DPPWznvyp< z%8$4pm+RyP=h48k?m2}S{JyePxh4X;_vqSfLfxG$jIC|M`27E-e65YO=EKO zb?CNe2uLktQE7LNn1dT56%z}!{RGujGohA*UV{8Y_aRB8-TTltnFPo{6AFEFfC1D} zqZ9s+9~Sgboq|&hL~9eaTFbCi0eInRSk|)u0bH7nyhFeoxk(Z&in$X8ZN<}(v!o(+ zv=2JfYUuMoEt?jU}gyDagB45eT zzE1KP@iu;!f8b1!2T_;r%a! Date: Tue, 31 Mar 2015 12:39:40 -0400 Subject: [PATCH 11/70] Reworked all of the code because the old stuff was dirty and messy. Now, it works for XOR, the MNIST Digits dataset, and Fisher's IRIS dataset, see http://en.wikipedia.org/wiki/Iris_flower_data_set for more info. --- backpropagation/network.py | 471 ++++++++++++------ backpropagation/network.pyc | Bin 4454 -> 0 bytes backpropagation/old-stuff/version1/network.py | 145 ++++++ backpropagation/old-stuff/version1/tests.py | 234 +++++++++ backpropagation/old-stuff/version1/utils.py | 29 ++ backpropagation/pics/nneasysinetest.png | Bin 0 -> 43884 bytes backpropagation/pics/nnhardsinetest.png | Bin 0 -> 71681 bytes backpropagation/run_tests.py | 23 + backpropagation/tests.py | 285 ++++------- backpropagation/utils.py | 32 +- backpropagation/utils.pyc | Bin 1096 -> 0 bytes 11 files changed, 853 insertions(+), 366 deletions(-) delete mode 100644 backpropagation/network.pyc create mode 100644 backpropagation/old-stuff/version1/network.py create mode 100644 backpropagation/old-stuff/version1/tests.py create mode 100644 backpropagation/old-stuff/version1/utils.py create mode 100644 backpropagation/pics/nneasysinetest.png create mode 100644 backpropagation/pics/nnhardsinetest.png create mode 100644 backpropagation/run_tests.py delete mode 100644 backpropagation/utils.pyc diff --git a/backpropagation/network.py b/backpropagation/network.py index 370d617..4b86ea1 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -1,139 +1,332 @@ -''' - network.py - PyNet, Backpropagation Neural Network class - - Written by: Jared Smith and David Cunningham -''' - -# Python standard libraries -import sys -import os -import tempfile -import logging -import argparse - -# 3rd-Party Libraries -import sklearn as sk -import numpy as np -from scipy.special import expit - -# Project files -from utils import * - - -# Neural Network class -class NeuralNetwork(object): - - # Class constructor - def __init__(self, parameters): - """ Expect parameters to be a tuple of the form: - ((n_input,0,0), (n_hidden_layer_1, activation_function_1, deriv_activation_function_1'), ..., - (n_hidden_layer_k, activation_function_k, deriv_activation_function_k'), (n_output, activation_function_o, deriv_activation_function_o')) - """ - - # Number of layers total including the input and output layers - self.n_layers = len(parameters) - - # Number of nodes in each layer - self.sizes = [layer[0] for layer in parameters] - - self.activation_functions = [layer[1] for layer in parameters] - self.deriv_activation_functions = [layer[2] for layer in parameters] - - self.weights = [] - self.biases = [] - self.inputs = [] - self.outputs = [] - self.errors = [] - - # Build the network - self.build_network() - - - # Builds the network - def build_network(self): - - for layer in range(self.n_layers - 1): - n = self.sizes[layer] - m = self.sizes[layer + 1] - self.weights.append(np.random.normal(0, 1, (m, n))) - self.biases.append(np.random.normal(0, 1, (m, 1))) - self.inputs.append(np.zeros((n, 1))) - self.outputs.append(np.zeros((n, 1))) - self.errors.append(np.zeros((n, 1))) - - n = self.sizes[-1] - self.inputs.append(np.zeros((n, 1))) - self.outputs.append(np.zeros((n, 1))) - self.errors.append(np.zeros((n, 1))) - - - # Propagate through the network and assign the nodes values - def feedforward(self, x): - - k = len(x) - x.shape = (k, 1) - self.inputs[0] = x - self.outputs[0] = x - - for i in range(1, self.n_layers): - # Pay attention to the .dot function here, this does the major calculation - self.inputs[i] = self.weights[i - 1].dot(self.outputs[i - 1]) + self.biases[i - 1] - self.outputs[i] = self.activation_functions[i](self.inputs[i]) - - y = self.outputs[-1] - - return y - - - # Update the weights, errors, and bias nodes in the network - def update_weights(self, x, y): - - output = self.feedforward(x) - self.errors[-1] = self.deriv_activation_functions[-1](self.outputs[-1])*(output-y) - n = self.n_layers - 2 - - for i in xrange(n, 0, -1): - self.errors[i] = self.deriv_activation_functions[i](self.inputs[i]) * self.weights[i].T.dot(self.errors[i + 1]) - self.weights[i] = self.weights[i] - self.learning_rate * np.outer(self.errors[i + 1], self.outputs[i]) - self.biases[i] = self.biases[i] - self.learning_rate * self.errors[i + 1] - self.weights[0] = self.weights[0] - self.learning_rate * np.outer(self.errors[1], self.outputs[0]) - - - # Train the network, using a specific number of iterations - def train(self, X, y, n_iter, learning_rate=1): - - self.X = X - self.y = y - - self.learning_rate = learning_rate - n = self.X.shape[0] - - for repeat in range(n_iter): - index = list(range(n)) - np.random.shuffle(index) - - for row in index: - x = self.X[row] - y = self.y[row] - self.update_weights(x, y) - - - # Run the neural network on the specified single input - def predict_x(self, x): - - return self.feedforward(x) - - - # Run the neural network on the specified range of input - def predict(self, X): - - n = len(X) - m = self.sizes[-1] - ret = np.ones((n, m)) - - for i in range(len(X)): - ret[i, :] = self.feedforward(X[i]) - - return ret - +#!./usr/bin/python +# -*- coding: utf-8 -*-# + +import numpy as np +from matplotlib.pyplot import plot +from sklearn.datasets import load_iris, load_digits + +from utils import * + +class BackPropagationNetwork(object): + """ + py_nn() implements a python neural net with back propagation used to fit the theta parameters. + Uses Numpy as np + Uses matplotlib.pyplot.plot + + Initialize: nn = py_nn() + + nn input and output units determined by training data + + Set nn.hidden_layer_length_list to list of integers to create hidden layer architecture + nn.hidden_layer_length_list does not include the bias unit for each layer + nn.hidden_layer_length_list is list containing number of units in each hidden layer + [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units + Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] + + nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations + For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes + For multi-class prediction, Y will have shape n_observations by n_classes + + nn.nn_predict(X) returns vector of probability of class being true or false + For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class + + Test a simple XOR problem with nn.XOR_test() + nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture + """ + + def __init__(self): + + self.Theta_L = [] # List of Theta numpy.arrays + self.lmda = 1e-5 # Regularization term + self.hidden_layer_length_list = [] + self.reset_theta() # Sets self.hidden_layer_length_list to [2] + self.epochs = 2 + self.learning_rate = 0.5 + self.learning_acceleration = 1.05 + self.learning_backup = 0.5 + self.momentum_rate = 0.1 + + def reset_theta(self): + """self.reset_theta sets theta as a single hidden layer with 2 hidden units""" + self.hidden_layer_length_list = [2] + + def initialize_theta(self, input_unit_count, output_class_count, hidden_unit_length_list): + """ + initialize_theta creates architecture of neural network + Defines self.Theta_L + + Parameters: + hidden_unit_length_list - List of hidden layer units + input_unit_count - integer, number of input units (features) + output_class_count - integer, number of output classes + """ + + if not hidden_unit_length_list: + hidden_unit_length_list = self.hidden_layer_length_list + else: + self.hidden_layer_length_list = hidden_unit_length_list + + unit_count_list = [input_unit_count] + unit_count_list.extend(hidden_unit_length_list) + unit_count_list.append(output_class_count) + self.Theta_L = [ 2 * (np.random.rand( unit_count, unit_count_list[l-1]+1 ) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] + + + def print_theta(self): + """print_theta(self) prints self.Theta_L and architecture info to std out""" + + T = len(self.Theta_L) + + print + print 'NN ARCHITECTURE' + print '%s Layers (%s Hidden)' % ((T + 1), (T-1)) + print '%s Thetas' % T + print '%s Input Features' % (self.Theta_L[0].shape[1]-1) + print '%s Output Classes' % self.Theta_L[T-1].shape[0] + print + + print 'Units per layer' + for t, theta in enumerate(self.Theta_L): + if t == 0: + print ' - Input: %s Units' % (theta.shape[1] - 1) + if t < T-1: + print ' - Hidden %s: %s Units' % ((t+1), theta.shape[0]) + else: + print ' - Output: %s Units' % theta.shape[0] + print + + print 'Theta Shapes' + for l, theta in enumerate(self.Theta_L): + print 'Theta %s: %s' % (l, theta.shape) + print + + print 'Theta Values' + for l, theta in enumerate(self.Theta_L): + print 'Theta %s:' % l + print theta + print + + def nn_cost(self, Y, Y_pred): + """ + nn_cost implements cost function + + y is n_observations by n_classes (n_classes = 1 for n_classes <=2) + pred_y is predicted y values and must be same shape as y + + Returns J - list of cost values + """ + Y.shape + Y_pred.shape + if Y.shape != Y_pred.shape: + if Y.shape[0] != Y_pred.shape: + raise ValueError,'Wrong number of predictions' + else: + raise ValueError,'Wrong number of prediction classes' + + n_observations = len(Y) + tiny = 1e-6 + # Cost Function + J = (-1.0/n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() + + return J + + + def nn_predict(self, X): + """ + nn_predict calculates activations for all layers, returns prediction for Y + + Parameters + X is array of input features dimensions n_observations by n_features + + Returns + a_N is outputs of all units + a_N[L] is array of predicted Y values dimensions n_observations by n_classes + """ + + m = len(X) + T = len(self.Theta_L) + + a_N_predict = [] # List of activations including bias unit for non-output layers + + # Input Layer inputs + a_N_predict.append( X ) + # Loop through each Theta_List theta + # t is Theta for calculating layer t+1 from layer t + for t, theta in enumerate(self.Theta_L): + # Add bias unit + if a_N_predict[t].ndim == 1: + a_N_predict[t].resize(1, a_N_predict[t].shape[0]) + a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) + + # Calculate and Append new z and a arrays to z_N and a_N lists + z = a_N_predict[t].dot(theta.T) + a_N_predict.append(sigmoid(z)) + + return a_N_predict, a_N_predict[T] + + + def back_prop(self, a_N_backprop, Y_train): + """ + a_N - list of layer outputs with dimensions n_observations by n_units + Y_train is n_observations, n_classes + + Returns + Theta_Gradient_L + """ + T = len(self.Theta_L) + Y_pred = a_N_backprop[T] + n_observations = len(Y_pred) + + # Backprop Error; One list element for each layer + delta_N = [] + + # Get Error for Output Layer + delta = Y_pred - Y_train + if delta.ndim == 1: + delta.resize(1, len(delta)) + delta_N.append( delta ) + + # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) + for t in range(T-1,0,-1): + delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) + delta_N.append( delta ) + # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] + delta_N.reverse() + + # Calculate Gradient from delta and activation + # t is the Theta from layer t to layer t+1 + Theta_Gradient_L = [] + for t in range(T): + Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) + + # Create modified copy of the Theta_L for Regularization + # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized + regTheta = [np.zeros_like(theta) for theta in self.Theta_L] + for t, theta in enumerate(self.Theta_L): + regTheta[t][:,1:] = theta[:,1:] + + # Average Error + regularization penalty + for t in range(T): + Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.lmda * regTheta[t]) + + return Theta_Gradient_L + + def fit(self, X_train, Y_train, X_test=None, Y_test=None): + """ + fit() calls the predict and back_prop functions for the + given number of cycles, tracks error and error improvement rates + + Parameters: + X_train - np.array of training data with dimension n_observations by n_features + Y_train - np.array of training classes with dimension n_observations by n_classes + epochs - integer of number of times to update Theta_L + learning_rate + momentum_rate + learning_acceleration + learning_backup + X_test - np.array of training data with dimension n_observations by n_features + Y_test - np.array of training classes with dimension n_observations by n_classes + Returns + J_list - list of result of cost function for each epoch + Learning_rates - list of learning rates used for each epoch + Notes + Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize + """ + + # If no Theta provided, use a 3 layer architecture with hidden_layer units = 2 or y classes or x features + if not self.Theta_L: + hidden_units = max(2, len(Y_train[0]), len(X_train[0])) + self.initialize_theta(len(X_train[0]), len(Y_train[0]), [hidden_units]) + + # Initial Learning Rate + learning_rates = [] + learning_rates.append( self.learning_rate ) + + # Initial Weight Change Terms + weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] + + # List of results of cost functions + J_list = [0] * self.epochs + J_test_list = [0] * self.epochs + + # Initial Forward Pass + a_N_train, Y_pred = self.nn_predict(X_train) + # Initial Cost + J_list[0] = self.nn_cost(Y_train, Y_pred) + + # Test Error + if Y_test is not None: + a_N_test, Y_pred_test = self.nn_predict(X_test) + J_test_list[0] = self.nn_cost(Y_test, Y_pred_test) + + for i in range(1,self.epochs): + + # Back Prop to get Theta Gradients + Theta_grad = self.back_prop(a_N_train, Y_train) + + # Update Theta with Momentum + for l, theta_g in enumerate(Theta_grad): + weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) + self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] + + # Update Units + a_N_train, Y_pred_new = self.nn_predict(X_train) + + # Check to see if Cost decreased + J_new = self.nn_cost(Y_train, Y_pred_new) + + if J_new > J_list[i-1]: + # Reduce learning rate + self.learning_rate = self.learning_rate * self.learning_backup + # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place + self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] + # Cut prior weight_change as an approximate fix to momentum + weight_change_L = [m * self.learning_backup for m in weight_change_L] + + a_N_train, Y_pred_new = self.nn_predict(X_train) + J_new = self.nn_cost(Y_train, Y_pred_new) + else: + self.learning_rate = np.min((10,self.learning_rate * self.learning_acceleration)) + + learning_rates.append(self.learning_rate) + J_list[i] = J_new + + if Y_test is not None: + a_N_test, Y_pred_test = self.nn_predict(X_test) + J_test_list[i] = self.nn_cost(Y_test, Y_pred_test) + + for t, theta in enumerate(self.Theta_L): + print 'Theta: %s' % t + print np.round(theta, 2) + + print 'i:',i,' - J:',J_list[i] + print 'i:',i,' - J test:',J_test_list[i] + + return J_list, learning_rates, J_test_list + + def nn_test(self, data_train, target_train, hidden_unit_length_list, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test=None, target_test=None): + + self.epochs = epochs + self.learning_rate = learning_rate + self.momentum_rate = momentum_rate + self.learning_acceleration = learning_acceleration + self.learning_backup = learning_backup + + # Initialize Theta based on selected architecture + self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) + + # Fit + J_list, learning_rates, J_test_list = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + + # Predict + a_N, Y_pred = self.nn_predict(data_test) + print 'Given X:' + print data_test[:5] + print 'Actual Y, Predicted Y:' + for p in zip(target_test[:10], np.round(Y_pred[:10],3)): + print p + print + print 'CE on Test Set' + print self.nn_cost(target_test , Y_pred) + + return target_test, Y_pred, J_list, J_test_list, learning_rates \ No newline at end of file diff --git a/backpropagation/network.pyc b/backpropagation/network.pyc deleted file mode 100644 index 638a7c1a0ab894c595cfbd753beb23abda9706ae..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 4454 zcmcIn%~B-C5zg*`0cK%$wOVOmt*|;mVejA|VC}<(LP8E%;0RdFx zyeOR|l^Zf_$>@%B?nuCK=VZ7npJ(%8R-}h|Q@$2?De{NTT`pk1y})%f&+ z>SS|#rq$n`?HRWbeUf%h##K2^`>D&zBHA;PDjnjVHjcW()Y_JIIH+>xOc5QOeGq+? zRwj$~N4XnBX^};{>GM2`b|yuU7yUsxYUTgMZ?7F-ayO5{OvkzNRqB4`R#5u6>ZvY0 z8p84kUi%pe1CL^B!mW81Qh@(L)xdcT72r9@^YS&k-mG0g7cQuEQR4mfB8Ka7aE5FS z?+#x3R}@a(f3NmA zwPT|Bnb4dG3o~JHCM>bbaf?w6u)+N{eQBS;h0(94W7BofIIYr=ai+47E2AS5rIDMA zhbAg}ksFw(S5~7BG=9VYf9-aW_-x9>eg;m0QR3dtvhaz**OX ze3Yja!%q|0x>5~Y8+y^gehg`A zP>#&jF;jJGx9mdyOcJ zf+$=H>Zj4AN4Y$1c?YjOfM)t{%`5;I863ze5^VSIUvi;&c8t^tWQ`ey23kRzM{5@i zRW#&yj?8h~lw+i^CgC|uq4Yv|*~_dJLpiBfHwe5y#O(xPu-wuwm=F+r`EOUGkVWRAEm#;QTn ztQ@IWfF{ymyu==amk#x%sY)9&MdD=?I&plL)%$G1pch(>ZW(zock>LdT}2_`<6tFt zBWUA!7ted)ivCwJ=N|bg>i!PllFTp38=(f&KU10SHmCc&T{gCxCsM68IaaxYVuH?R9|d(@#BgFczURC+B4N z8>7pR#7Y8s01VQx(J=YoJfKx0uEA!ztaLt@WE(v-G;kWNsg@^N=31WJa{L@I(=#T+ z>GLA3vQJU9T&0A|!94_XC0q+X41N->gk7$di@c}pCXGH|9Si) zlzK)DO6jwK`0-zpsYk<`B zlmvog2TXPkyK>Q_FQ@{W=s9z-z^wxTWQzqoz^3n0+C6+K7tmoi%(Mt5@X*6-toXU0 z!XM78P=eFG9Gt!{2O3|!#%NUAT)(FC7wYKvJ=9~~QDUYZ)`DA3Zk+}yev2vw-VP?c z-q6H9g{(vPcs)V&DqgrTGNw8rgQh{mEyAQuL!K9znd&{NDqqBm^=(I#fpJxu7Xt|P zZ4|-_2;TeQo52H=U==)FI%M|lur1G$+PNBtef94>oJaM=jPZ2&}8>sucgQhfbQx?W5ioC3(5Q>Y}3*8owdL>QIhCIIY~xkHW{KCzkvpNwa{HC;^R%~ zwpjcE#Z~N8x|M5mO#jk5maNolEInR&famV=n@i31J*YGdlO!v$>lM?(4qpf9`*7*X2{69PjgfzsB?VSg#XtLtFLqNv4x16za6P8s;VnMZ}Im z5gMK#g?~x$eC!N=5W8Jd*E<1U{wMB*!~c^zs~NeWP*fJkH^B#VjvWfcj#9^5)$>kU z9`j1OZot;M(UV@{nOpQZDO_9axvCF_hMV&nUjz-u)ou32XR5I@mwbJ~>G?IToiRC6 zPs6GESZ({;-=abJ9=4>2!b(9;+fx6D{DGPxx1MyrATL#$d9NOsTB~zb6rBIQ94FV^ zQUCt-!kLeN`rlWXF5!RwFq;_j?`u?rJpA8Rc{I(Lf3I;l&&~etMbnox6#u=Z>0v_f zf4ykr|6l0;@fgi=2$_7t#InkJ&qPbDW3jDM&LUo`qkQt%RHvHyDQC={+vaRLV~jB} zb6lPpvx_Lp;+fW1@%um6U1!_sBZX_)-fN{62rd=IZ1k$K#R-{QNqWeC^KE#yh%)j! z(-hq7RB;y#gt{~2HB%()42x|}&wYRCw`?WhG@iDQ8Kgj(MT-nVgr5ZQ5{G|4fOhZd^cDVAnUU=zvCW`yq423hnOq0YJWZz z`R;CAtH!cA)$H@Y&1E}H)O2Q|C!X|1AnVjSl;(_-z}-?oNoRE(N6YJbvsFLdc=OmTuRxBKo82){#?5ATd5G3x4;$AiY1_^GcOZXlQDmA6UgtSk_sDta@n}3;vJOv{E^MYCrNW)@vnIe#C7Nk& zQKU(0+m~0+x0;r|dYrtqCIELIF1F>DDyP8B-aDCJi=Xa%B~HhGli1103AMX6!RDB? z|Lfzep)x17t`y10b!lv<$y`TLY{S!2tqwnEF7DxQOC{Qh|I8p8+-tGq>3W0(nEYbFVCX(WWdQ3?~Y{!SOehSq+6{S^usW|-^OYH^&z#KZ+| z3);7H?bF_lT&%e_srhXuYvgHnG_yHDPW<&vM0`T{jD3 znE2G%NT|pD=Uehq3_`O@`L**fSogjsM9^Ql^P|$sN$g(RWQ69wow6YfcX)=5Zo4gj zM?0;pDT3Cd)Z_232<`MM&3cCa=GEoJ?Q0AhuYGs^`dlG)xd6izX}T7ooL{E)i=Tjc zgFV2U`#<9tY3daB;TGY)U*mMlmVrV=lTSiMRvdI3s1wG)>4F)r^4Zwh+Hz;yNI~jZ z!~hJfP8_GQ97||;6ZNAuOt) zaOUcRXW>nRDIr4t-pld-yj(Ulr^&cEOEX8E6L0Bz6RsxrmKX+=i=aFJcR4c%FOy$$ zAV5Gsu(!AOoc|Wjv$GdlTG@g+TcXc5%C{B?Qegx*H`0G2F+O=zZu!`@NI&j$i ze4D_3EA;v+F=}S!&egHXb5f4XFwt-HKHfy>eKCyFO1&I+L6wq9RfuyV4ter8Z^!Qm z{0>7!PqUOGH)mqeG-u9C{tVolRfpw00gZ^jnygDjDVXR-df8=-)MZPejb4?1?Iifkd+FtIsZ*6V{| zA*X6A>s++dcwLbotR75`cKQi&@;7(O9EExo`#&=fky5b36@TTKq{0Af!dQuT{MCb3 zHYHxVEAdN{>ya)MY~Y`5&% zc0~gY+@bol?5>Q!ty;{s#f3b5DuXpEd2klq=rvR_<}2>u@Q0}Px_P3YQ3K3Rx$_hu zEd20p&9iaRit3W)uu)*zA0)(B8`00SL|;&U!PWgx#&!0!afPd($+rZhFv>Vy9adCJ3`=BE z5`)P%_o?aTNTJsKo*=wZ{bLfNLQ9f2Z{B$O_$c@FKT~ta`M0D9;ST0uLuF827>3Fb zcBkY)p%644q1{TX}+nqL5YTN#TB>44f z_JvYdldpdKxZ%3c&9b;5*fD*$ztwGF$w_mJY!d1S#ZZcK(_=m?lw|KTUb-fZkR+pn z6r#^d+3c-P>E#)}f-y#KGg50=lBp%M;Wen4nEsA>ZcHoRe5+OurHjqC6Q)gNhX%vN zdIQ`tUlAgWW|JfjRXK6qj=JIyF=}{Z;tjk-qxW}Ij@;5V&55r(pE04G+b2;{L zxg%RuC~G|O&-!MEuvL@=?C@S+W9o>Jf1sqv4Vs(n#&q*2Gz;Sqn2Ka6C)Px3-J*N# z_vP1My-*Ck^A5tTlsT_32pOBVzu@lm)uxU(k|5TEZJ9ArXhrsLq?FrdbC&Mn?WiwC z#jd#Bhm%_zI}^yK!+NYZ$<->t9rbwAzC{qEKyud1eYqV{O_ z{CO$IxBmN^dikdEcX}>z7N-994*c=@YSrfVi(iZ@UZC-NPvDKHX=ttuf3<_|cJefn z#B0Z~Z{0_iI!>0In5tfhi&&PC_uGBzzW6hWMHbd~X@UFVO+rG#wlo=W_}zDbM+d!b zahx=^|6o|ef|yOGTCq*n{oh}V5_a>=Y6C+e>W{cR*(4tP;)5=9)?(zz%Q6g?MIZD3 zLultR{=XE&whRAmUL6H3E243V9lCx7CAW%E;@skywAG`owPW=JKI)IRa-b`Tb*4yO zywly6txCmANp{g7FDh|HJ{s!A&1zqdn>pIinVD=PC+W zRJ5tZ8x2q$-nh)PpkP&{Hil6ZTQrhhb{Ir}QM2_Tppi%JNj418o#;xJ zO&T!ui-ukRn6EvamkQ=#9`0mnH~or-faHT;?C^Yh`}=WX)*7aME0Q&U(oV#(oH?Ti z4W}aT=t`#lCOLuvU8b9$8YOfj3C}o7^WAz+arNp|q+>wGgr}rANyk^WJXGAsB3vZH zj_r2an%DZ~zIYARc=~`COwS3cN|zZ@dEf1S?{{$U0*3BjXG!(OjpyQdIr{IfpF4S0 zAVf42Ztoj3v(o6x4~K8ORwTIj{yMA)^|n+gVUtSFIhZ{m+4k#9nY~s`O?lpF;=wf8`Q_201fWXr=f0cGuk6%*;$9j4wg5 zw2NgzObLLgQl|;+H`kt~wUZ6X%fYfiz&R9_oERfH)qjnHM!PZe^ecJ4%feObgi!x@ zjf(COlah)7f~&!;%EDw``=s|V4Oiwc^a2(`M3HsJ3xxn*04j}8Xkk-OLaTTO zOfXW`YxPErzYntLVU?*T3Z7f+%kf%uoBMuNBY}@Vap!M8GVZVz-&!<=LigBMty~L@ z#MN7M zlF|m4#qwa`g$6gdkA7x{Y}e^|t|!;Q;^#9e;sSU*|2y}t!`Qc%06G!C0XI(%&>qDo zYDwIeqXR96+kJKP)nk%VgpO@od+07ACHoFRMzX3ZJ~%73Td zKuGjn+w(`owmn4v@!dk@{mCF-I}3C0{rqRf2uVUBqSNN^A9+F=?u#!p@4}ia6zniew1!=5c}+FDU#J2*&z5w85Iyj>>Ik_?l5uA`{)t$Mt1sn^>07`*@OJmYgy zTfkqOVDomxqVa!<XY8WxYcsri4iUX(DZ_X z@a-?jaNEmcmDsq}2g6@K!vFYhG&4|_4t%`T3YSO}GJ(eb_ZR;{?JKe%*ZEF6&$aQR zwk?&N>T7HKIy#H50i+Q>eqwPPh|QF8GF{(tJN8+Vvgu@mI<5u#N+t+jrFj?1qoJEY;(c#aMV3_L!<@{MWLdSyUejDzB`P|7UhdLz$R2JZJeK%aJK;$(FU zX8r_&ZVanvCz$ZX;gXBcdi`hjS?QRWm;J|AM#=!Ioj8Blp$_&lY}F)Fwmqy9`L1&T z;1wErdKH+4{p~&-BY=^YU?csk=*f`p03d~Q`KPBCD6zg!gA!he+is3|P3UH;oL<<) zAK_@3nXf}-%W}`~Yux1YyF^4th$@GMAH{qT3f1=C{>TUYpW?)AwV^a2AOjlP4B(l! zfJBx@%6j&VHw6DFHPnN(Y|rRij(v!T-Z)!eGqD*6jKZze5{2L_{cFh~mCU%dZ54hW zs47&^N6xs~gTJ3+g9)TanLZn&$;xy*UI*f8LXR_$b_3Kckr8gX|OjH#^!yrGcZ){ zashrm6R)GNaXonY8X{7u5pT|y#1rVG4a5tXR-G6$!?S%Eb+5(wk$J9;sz=apuWxN- zdo2B~+MA99wmdU8*ZfKUGoy?v7gUF-m^col(6APop|QVyGyB=!N-=t|R#8*X24=g{ zWgCvNUo2xh@qR%Aum>+Yj;h7;Xx;D4B7p+!^6D!K6O+c%lV=CNd0Z@c(4PhDmwM}cr{xk zdJrBCM#OIxKh642V&j}#SQyGUp;LjKTLUCtg+Ex*_3gIJ3}^w$W%SM6u6)5^qDKDb zf{*XmGcuz@WdOI*Zu8eeR^lE8F$V?)A`Eb?_BaFS8G!p;C+i3n)(c=P3O$x?GfCW^ zWTy1&iJ;|Wt+ec~7GA8cuh$Kf&uoIl-wNe>ur>(It(oX%{T{0d4?v=G72V3GjkVs~9U>a-&nKCwcU%JUc ze4?qTsbZ7-wdQAMiOiw=r@^YQYmCtY%s^lW-KxA4!OwJb7(n~k61EGbS#-UH+8J`~ zfLYoBW4@Kwry4G>AW{rzTyGNpFUc|zN*!ac=gP1PG%n|r))*EmC^6lwGH&xtjE(>5 z;6#97DkzupWUqJtuB+J%J~h2;oey z)7GI76b2soF6=&keg=vFq2lM;xyBi8P(W2;S-VCn+)PRt1oXl!o1YxP4PG+FxLU%fyuxT1}oo~x%fZfnb)d4O0Kx+b>=MaxuJKPyClV+wQrDDB4 z6(ap!taQ_mz?@vwg8o!Q_jgSZ*lxv4san1x1I+L` zVCxG}JL6Z_<8sT8&VqDs*yw2^8MAV1L5GDd(#$qn^IcQ;+psppVb@72C@AoN2Jjv< z(|K4s5&%G;2B>&fkttiRAV4V@fI|xM4LI|hRg{e1?iV}g_&&Qsw$b_d`R$;Nos;t} zs0hH70#%FS*ZXjzd)`_WSQJ{9XrlEwP&Jc~wTaySp5?v~cp)_d(Qni0M?x`Znj z%-%G8gH6b>J-3xy{EDk(d9)&)Q~B8$M#c|2H-l0& z%SdnH;&#U7wgef-c$irQtj56j8mKcsENMH6;KlFBvS=dE|M@ZOIYdIK+Wx5tLl_E` zGYnK{m#GGlJEaclz$D~ZveeSvBLWUwti*o62GoGgRH;}HY^N3$RAFK5Pd=gAgKs&O z47Id>QV+Zm_Eb$VbAC7m-SvOx<@_tyF#9IgHzfJbgY3PKE2SG3mZ!`J7&_+RA{@+?jFMn{? zi;?D;g>5Zx2vWS@E)IIZMbNS7?hdVnb0ePSjJn9~%9H-j7C6trLZTSvN6(+HfS%Ef1^!hzDr2^JzSSH(ldY?#*dlSL>103bH&>g+G_2ltm&`i$R z^}XkY{*JU;AYm=$O`ET0S}p2Od^b=TL97b<#Jg*to}2GECreS?&I^&WH*cp&7AL#n z8Dg9Hv@3P$2+I-R%Xf!PB`Vl$K`uZUxl5N+Uq#kwU>y`p65)U~*MUbOy22N}m@e|u zr{979fshkuWiLR1<#uTcV1uO~_N}+XMjGjx2>g7`skzL#0oLoA; zGm|D`#mlFebPc=uBlmpOPGWi+-6bZsjYwo-4E_@MghQ8g*#IK&m=y;0gp&y#!ujL0vHO&6GXwH^Mx6>egm_qwY46< zwd#dY#6ba$)s3A9(ow_2Q_V)4v*IP+-yCZE00UKvf2^I(?z8zvMm0s^M@_YS(rl#g zBzEG>4UWA@B0tVbc%E>%6q@IZML?)c{Wp{Wju@9RfHs#Z<%EzxDrNd(<4V$DZPX4ywi%bJhN5K~K(aQ_G|E@7rRj1$ zKgT$lHOVOJG==NECh8CO3!FLbbuVYQ@oL8?G<)*?TaCS$KN{fp1RV9o-aT1A_DzH&~X>w1DSvW3D9i; zU#CGOiUX?%^oxxj(?pAXjmtyp-LgMEP}2$CM+eSC^G1UCVwoZ8Ja^K#hC)H%Ip_dW-}zQ6^>^P?WRo2{UvOEO6yPW7?k$8Tq0}uO z_}?Jh=r;he5@AGjJ7$tn8TCsYcrp}PSSuUJkM%{D15b26)RSYr#S`)U_!764jrhW33v!Miq8 zJtp6NWe6uL$kXu?g6ksQ!x+Oh(fGH2f`+j?>BkLpL&Hs4`a}jklpawi0q>)Cbrh2f zs2FCM2Jlx9K^+?08-PR-!03QwVk(Sln@(>n^w>h>78(&Ut66??f10X8&e11__yH&| z3BqO>fHvWA))ZWinIs=HZhhbSPZpp6dVF^#S|Ol= zEb$wcJAXA(@)xmwmhS)6@w8Rz;|nK?lMzuUn1Co*&PS}wX@YV959SIoj|l1lFoCG3 z19>JhpwIzZjD^d&9`0>8_h`cUVUhKmZKOhT`4F3koT498Dl+x&6(aw_>PH=y>@^c= z^3i!#ZEs5lCtvRQ&>Q!#(mY%=6yUv>c^wK07yar!NIBU6>}Pw-lFv(>+!`66~6J=_|8^qYs|sGH_Xfo4$2_)V+IWrg(RFcSk=kK*`%D!&8?p)*}p z%6J3@wiA$u12pfs(aV0j4xpjDl5u3$)e?a;g9l2(Fu(n{S&b$^qnS zk!EiBYG-xba4;K7MNTdX{8${U8_D1;(A|>3kxB;N`DYraZ5j&-p3BMSKpH@9qoWWN z5AN0$_?jsNCms*ij3sX`Mz^O9BnRPrMlaG+$9*_?N_@UUIJ!M;h_OTL{q0Luf&0xK znV=}8444JUkK()mglUCQvUI{bAi7Q?i>$=2WVS$&_je?5ZhV@FB7GHGfqmaRWNFWw zIkW05Y5!XS_;6Wjp7E&G#6U&{&2v>o1^@EJiP~DbUmxOND1bSRY_CmBAm31FMi{NG z17-)o39)#(7se{wTEU>`U)AHY1BvE#$+Ng;}NH^Z`Py~jOI}MjK|AP(F@+M0U6*#d`wvS z=i8TX#y(q2KnAq7niwuJ)ZWW{6CKj@fZ=nh8;ywjZ-3&VU7DZ zSo6`MEngjmegb|@B5q=|0#JA#QOjW3tw7J|w9l`$0bP}Kv0|I*ilrZxDPFEZbng2( zTAI!E03{`*F5qZUWo2bsN{BT*56fBtH27z~%faKb1%SQ0`6&L1$Ae;EQqDM5S(~66 z03Cz8Bf{JIPMs3BnZ{W82Sm50k0j4^G_JW#H<91U!jLCn|AG^g0%S%(-}MaR{p%4l zo}52F#EIr;kBNaYAa+jdp0kVrj9nMh(2QvT?$TatNe%=Q=zGzB)*nBPYJb_0Oh^(1 z(*G3Bw9>Qd*C+jsxoC6{{!sJ)O9Af;V<-Z}%PXS~1V-4v&R)N|GbDL}0>VG;m5JsV|=QC zS-?w3QjnrLivEDV3u`32m)sIOv>a^~{N4-|m|Z6aX_@`7t6g`Us^^NvHHW_z_?85) zSa&o`1hpE1jlVJcM(M_vWRpAC5htKX-UZ)|KpR5bYoHnglS8(d*1$rd7)2igDpt`1 zBqm``irc+9)o`PblY)t^E`eVhpcpy$%S4lZdb6tzH#-DPtEBIAU!)n}Cx|or928U; zGF|2KT-0a!WvhEZFi!&@`ozS-C%{A zZIph__viKaDkcSHmFUMm-%ZsX=c<^Sv%>->n1l`lJTjh~mZwRLg3~2}=1j!P-(Man z1T61J0N3@e1ty^j0?tCpMQ8%|z?BAO+ARNQ97@!W+`CeUWdvdl3ehw9Oul_}J7Ng# zd}Xn6r#z5l+`kW>4`68c1^4>F()!_6f%PeHr-oTUbE@=Q`7>0U<8~Jm4Wk-=8OR4j z^bRsp?#`Xhif9**v{@~(S0X^qD z6{t7)MUX54y?CWYku3|JkEzfhUgM8&p&j3({dNVB0qfr9gZ%?QG~lbgM1&(?BWsYQx;6MfynF|#AE?r; z6*^nr3H5JIh<#yBLX~Eiu}$9=oL6=`}l=T*uuI19lB%R8=gtXO-QbND!2z- z7Dnr}N+Iue4I1D%5%XZTOvq~$I1GtVsqjw+YAAC3zCSUJcRq(!nBE2J^+w49eIO;o ziZ%ZGhTq)zfkZk+ZEno9$A{^EzKytrC`3_#iy7~plRRk}ID~&KA2>>@3jrLV)>x(f zPtS!j$KucEZWem3+__WcxZ-~Z^`sZ%8!46j`-vn(q;&-ryFs{}CjcON-)o&mK}Y@w zY89|p))>8}fP`SRF9ojLf`+Kf0Qx{nj=>o};1b=?AP5j=9r2YV-4s~gnb$vtn!~tO znfV%7yZp_6Rvz|{ZS0nYF^ztk`>3Xjkz4zI)(;<2RwjRZAxnD|0Kw+&h?A^ef~@-= zMcnSn7_;3kkH5rE$VSexhEWtU%KJ({*ok2IyaONrcmCU)G?@^qh^=&KWcAfA75tUY zwxIxmuq9wQ6hPNP7{rW#T_bp|ZLouyXK_5f{@cB(Ureiq_oYp)7?%HFb#*o?q=U}T z%veb?-J9(h7ejHbVGV>y40NOPB|-g-wnlFt#dO@s69_~FFOyFsN3nBM3*m(lWV(w=9J#hUHe=3?flq-8Df|$A#F;s#VUerpc@~oSK52g~)>F<3rkDU@hWK<8oz*!vRdy zzV$houvXSr$`t$|hXFY;@`8bw2RTLIFHn#Lh&|ZSsT5Nyb9~OLvxoQvH-HKNOGQ;a zR?EFpGRkbd%>;6j+nXjp*|*?lN$QI$!$bY1Op=eSTIJ~8hKG|mjNZr6xG!4fW2xgn z1uF!75d}=U8R4MM==et&=lTi-{rGM-hVJ4H*J^F=fe-`YAPP|y=eyIFhS-%YlWERu ze9%EZjXJmTm!0Y)aCOjByPuMN*86yEq9$OB*_dzX@z2sydLNJ{aU@%s)}9I*YF9Qct6$CuNZxc4Hm) z;q^yMa)f1}Am{*Kr{&c%16}p%%SXgwFw(q`r;$jp8pD(A>jB2F99)sq9GVz{P9eV8#0? zUF$BJ2<$+vx}u;U;&*v@f~p!uRs)z6HPgwpTBjb8D2MVz$V=>l!k!+>dp%hZ$io=j z8$aNm;Pk1;^iqdDzTOyU+r!ohM6MR zZr;3EE|nYbw;$D&M_Uc2*kt_hpr8H~+c4!)fPj|cS!M^FD?w}We)oHiKzmmKu$vYe zMse;Ml&CT0H@1LdBM-a`EUF+J3cJ(w+_V0Vv~+?ev{LF;Mlzn=#Bd!j%Rj&_2X0eW z9Xx2lb!Nz?LX4GYw<`relDYC%b3M7JE7NxnbF~5egcL zO}RW;kKGoQpC+^Z0xxFa$7fLSfJ)h8Nf#`T^qf^o6beF-Q2<$6hUQmJ_r0%os{JUC z7~T}nqPXi`N-S%v56P>Mp$OY;D-fahLLdSd{7NvssNSGE9{?osEZy7$Y$gCZs&kzr%t zx77Ky+($;qx~&+@$=N%b>NFX~Ho4Wq;jeG|-r2=F6u>9hdW?OxU>kq*bfR zXdp;opl>hw%lYp)i(yKo)#QGc=2k0OU{`y7eA{8KtFajPq<;~rx*T(QTOXW4a1;&r z20EiTM=S(IzaCvz$P+Od&Uu?f6o6?iJ%AzjaHC$xVzlsram94R31v(M zBoss((@dVp7ioM0XgS#ycOkfXa*~YAf3oF-6;($OgU$BN)4ICY_E+LmC@`Fnn#~%c zJ-f(95Xb0+D;;}zxLP^ohlc!A8%Uu9h!&h*wfT&UGb#Y^g%(73P=nQeQs94h*s)1| zXKiuzD)gp~lYV2RD!Wnc6v4KbZ>u~SXt%OG_?cy1@HHADJ!N`s8 zV7?kx&NGEKyW}Vyq`)jonl4-EI8kJM%50oPH33*D60Uso$C6iASh!_eO5qJqtnMp& zs2&A-1Df-)zw@HFIcY|6jmbL_hZL9tgxTCl-y}QEU<>)7t!}B&$&A}5_dX%C6?W=r<1SgQr1u*Fd*oVluS{vWB z{bLri(>fr9D$p!rlXk9ajEj&v2jD$BQRpceU$8bl>I5YNTvs9l4fH_`qQWrXPJ<8) z43Kd5Fd2xc^au@aXpcfM?^|J`={G2F%gkFSAkCl>Te@&rj!#13*E>`@SaswlPB>eI z6yBX~f(maL&!;-x*MXXqCKErg z8pC_(=Gzkx2lBKEaZ$n_irhZ~r1auj^;@TcK@39@PQKD&ajmeMEIUgd7Fb8hFRlkd zcxPd@Jst%Sv1stReA&O1XG8G#UbU=W5HJA*$-N5zb!|!5@2W6$+@Q^@PY0yQS0xXLp%S|^9@y+%+nF?J9 zWmwaE&IeS~fCn%z}=3BV?*^W$F#~5_WbP%5nF} zaFD1!g))*r=%(7&C{3mh#YdqCZbgO9)_YqbS|18v4=UHwPN=`AJ6cjjQrG;qmSryk zhj%jyzQNiJ`5P!O3p3#OSNadW)w0*w&Xha1nm57CIjx(cGZNnoc0cFcwyL0Ge0Ry~ zl*7b~^6>4_CsmPjBZ zxEf^v1y_#FVpOlx!3d)8C+ZMYA2z$mF#4cP8{@mXjR9jSFO-VR$qCotiUAu*cmZb! z!j--!R@B>XM5!>(q=RxWXcB;=%i>S&9#S3}Wq88ju2eDxp~1%d)u9Tv9Jk*3uXcSu zH|k$4(r|+l?SWUg*LDWRa^8P=!FJ$TrW94+Q9mslZ5iy&DDi6;DS6WNX>oUHpa*6U zUVktAODcv_?<=4CAM+{aZGuf_h+hN$oL?-!fRq)ExoEZgj934YVxIA_V{K5mKJcjyBU zt$%VpI}&}c`_wkGq~MEPa5I=H@atc48fkpsU<^%e;691xTIlcGiw zu=S^5S&?i9+lx;cEspbL9R@`ZvD`s3;RGpV$Xv$?$w_6*=*poFBYJ$5MCYZzbil#x z%F>s42$=C+y0RB?cnHP8DT<$5f>&DFu$rBQ7gpwdNf*w09i(#|$CWF1mue7%!1Zli zacSm-gF^^_M?td|1rIuDw``)ca^7$EtKVA;X4LK%AFg&~M0FHD;#6Bf(f-iy*xSU% zA-|S#=dTG_D8Z{_5ep<=zw2(uN%f8xlhxH6Sz!LiWbJ76v~M7O-xeq?*mU? zAdFIltu$vWj|Y`y2F&5^%N<3Pb5aiNiy{CKi>aNJ>?_7v205lk@l$u{1gM(M! zo2Et3w7KE+rM)#leJ&cX~}^_Pont{NuWFOEUtTsCN}H=7J>{awX-8#+){ z_a|4`4!}mA^1TX9Rg&pr(`xuV&Q)={7uBn(_ikN*SU@A3`#^!^bpe5CR_+@H-xEac z-(b8!#fL0n8IQjSFl7-5@K*FKgKTn6wWqP4mLQb<3RpS8b2v*f4%z{g3gfXmL*ZNV?^o~VSRE`)4H=}Zm>N^{ZY z#92vNT(;&}l0HRn7QzX`2ztN|^-q2jⅅ8;4yhv4S^wVKfg+Jfw!P$qM(Gs;F(}B zyTU$)>(|IZPxifvX_BAsEbLfQxosT)Jj@@&7SvnKq!^p7lnT*rdp%RZM#V3Pgi&l_ zKAZRSn_d`d!kUj%j|U5oPyc&h6?j~?!J->w3KOlhn91z2Lmms76!4EJ!J zdsAdO%6y#UFy7Vc=3ObC{OjQqta5`gSR{X@yQWIPXCNd=atcqeJu|O$?A++4YzX2!X>*8P7yT0R&hqdky&!3Sap z27U48Cf;a~#tLBb{9!;-ICZydv^n-MNEr45!}^67OjcjA=yP#iy<8?E9HZkz&1t~< zxg~!q&O^(MKY6x>?4;Yq^axn$&G201z-M%<58T@l7AIczz+tJy!_ARA6IqYqN_BvE zd`Q{}{?&!@QRPBz*)k`=UlQuLKkl1c{zsBuAL7;szhW!>_lw*dQ(|MO*aEiWQZHOD zSBd&?`Z^h@nExJyEe#*dd8k3Wo-?8H$Jx3U-~>ztu{;EhP(ajvb*E?-7aQ|~- zK}5QsmeGCXq-IjX>R3j&HfB0Ig0_BO0M8uW26zZgObVa?8*#yOt)3Ek)RBos&voRJ z(YXB8qoo%#oSX{B;Gqm<3}z`i?~6$|I-oNEFhh-) zQys!nnL(p0>ETUMW`X1j-9wG}oMLcbQae-ObRBpG${B6+C*l|pYvmdJ7)9E2-6ItQ z3c)O)G!$pa)8)wRf7jvGMq+JyGFFUTN)>- z*vU#y<#8NxngWgyQYk_v%^O1Jqm1dJ`LNFK_0*glgf#M6fqfDW;j;z661-xzlvVpY z#Kd&~{-m8JQ7C|l^R=Lwg=K3FGD$v|6?BsUWo+S0xZm*CM|aDX3r9FPbu52!wZ+X$ zoD8Remn3X?oo?R|1Ws_p(}BvJ_*rl13J)BZ%_7FIPK;NtFXe-&f3%0MTu!<7#|N=u zq1U0nZH(am--}(mQ|`O!_9Y(HC~#7^8dx8l0Fy!+^u&SXQ@b(L<#v8l72|1P*T+T4-g&|Le$ko!XK+*+{JN+Koh2zLm;eR}n%g3ONYJ%iJAnmo9 z=H_wWw>ei#+a_wYEKI}6sY^|7Lsk1p|J2X-rzZj-@v?x6uB}B!U+B2mv;y=kI%&Yd zoM!3w*@eNv)L8!*wd=iQ%07bVBjVN=SeIb8uN}TtkK-hP{kHAw?plj$HHl@C6fi!* z#-dBZeu8CEd4V>r{K422@WAg6iB0dqxYD?KIoQHkE44(ySLd_i!ys@f4pCsj1Iws4 zy4khJGnpgL)cJ~NsHpy8J{VfJ(vHkHkQi$U*9xLnRC?0s|U1#cjgH58aPn9iT_AmfW4GBF=Bv~1*pKf;E{*X#U z8z;Tcc@B4!rF;r^G;26^5d`)pc$1^hP`SQ30d2Xi2ATPHm!k$We7%U$h-BCKri z@+gGNLJxKB5g(k^x!(pGziZaNrVPM3BD zv*4tG+Ouca+}GaI4Q`$0+AS1ZaujaUdd+4(@P1~%OrGT>7Y1PQ_xa98S;`zvrp6kT z&_;JP(xeNExt#9b=le&*v0G2(yDWw!%00Viso`9yImPu%N~dZPaHX6kD!qikY9MBJ z8n1$ZZ|S1e&_j%EigRM9VY)fl`bDNCn1m#vK*Onn3=$mBF4V*o z_dwK2#Nx5W<}X;p6~d~a`VKsZ zM@0odWKr*eQe7ResJQd9LfruFOW6PJY^VO7`v4N`y}iA`=`UU+4Swryd3N@;D)%@L zl+hoBR_jByD*O7bu3`rHrX=kA{1G5J-(^l8je=~*&k}nB6h!jdz|#F>5(cAS0>>Fu zw-%JH63Fe}>$3N(tp2VP&0y+X@AIgg#RtI3#qm4pTl2WR6{lzoGHP1@0#e(HIV~1* z5wt7%fBo~1H)#xPi-$fP9=jeMpJ=(&#b6rzORw#_tEW5X^mm({(2bdB*RH>S?;GHt z1_7g-w@9_`j;pJ?Yb6p~^(?4zowHpYvtM?PkbXjQrs56BDf4NJw6i&HrPmtiYvAQ@ zR&-#xZT2>zC4eE1QrMrRb#-(5Y!cQI9UTLXxjD1kL{0VX7}bYiUxP}v)n-VTXX3YW z&aMT(AwsgfqqR48GHK#S-wWAM>^rXzS!ZCzc~KyLf<&WoFl z`%!6V=7!(E7ev%lyTdyfs!ZN{J|2E25`WDDfrKy`>VCb zfxN1`UL7DcEe;j)qWpF{c?JH`1RY(ZqrbzP>@C5~elzFksW*1F*0B>!$mc9Tct;wD zGcrW95fKq^`jqf_O3HU|89p0lUg_tnOqCyb_6O5+c6I@HSj(#F!(tm2HjTyg3ct_e z+@jKZYiY8!X=HSEd@vr`FdoIWW^1lljSH(ia2y6w=S;ybUeMro@`Lm%SeYG|RWjx8 zhV?2}>EB6-3+YVO-5Q2y6mk#_1z9dQiz155ZzoLUYU;zC~& zV;+6hHwml68J1yGxJ*=&* z{q=ft`e7&VE-{_qbZp)5U-pMNL(ezn!n7;&XcPdr=`od<&`x!`#%s` zU3+DlAv%#^((x#EA>+x}i%~+-oYV63Ld0ffA0B>b1v()O3Kj}659H)V+k4fOd}iZR z;WIC&P)JBNo`+?2)B3|ZgNQa3=n<0sThXGya4hkOK4m6)y^e@pmB*_O7zS)30(Nfh zr;tb$7|78Q_dPa{g*+^)kj%N3=qIone7ZI)p3W#yY*55dF&X6g#^z*(4wyc9AWX&S zbsg>;DUbWRsZMyuJUeXT7NDXgX1-TRNv&`u@{=(YxoAdk;9+6mMIO$KwJZ8lMeBrkcv>pz)t_i;Xo!(%fJl{OcJ!A?MrM8D_@RsWvHFb|vkODC&6U&*;sgS?m=H^Bn?zN(Szfz?7 z1&9Egd}2fo9;);@hu$Zz!e242e&FIft&3dSEaE=c44ERkri*wKA-p?~I z2EgISP{_wykWsOIaShmWE?-lyV!&YJ%v{BqniyBgS%y|TUz+)lw;q>)X~|K0l&kxA zrzhwRV}dtWem9#Rll;gc0nITe#a^Ix)A({~ZcAkJ1va*1nLclUPl4;487q@l2P?~V zH$MZbLOzcKh181EZ+FZA_lxk3LRTVXWo0Bv^woYK z2C6Vfmpu?Nb=vcRj88*rYtC;p#FJdE&6edA9YR)>S>f2976r$BUW5GtvwqqR5^Qjo z{zNc9=45XAmp0uJrQ;V{>chjsG}Irx*WwT>nwMM&^rm8CW6SXU%a8ir(E$~WvKC(w z=YL-)eDsorqN6!9LF6NAnwpz8l4=j1PET8AWo5xB@hz-GEfTu^;fP!XXEG74FlQKn!OV@mU>}0Y%Mp?tqA@&MNjJg=SOy(2B}_ z|66qxtgPz({yrBkFOkaDGr%&2XWmHnfqr3Evl|5Gg+jtcd^Xj+x3pG5J4`H-t^|O~ z;+fiIbKJ;=H_w}!pC5(~)G_sgv~zW4rSsIa$}XGYwTar}_s7++frkiiph!AO&B|`B z9XpnlIT$%Q^}VlVDZuUT4;2>|Uy4vpvj=_KvyO5wJ1gsfai;u;W7*I$`1yh-v@uMh zNoK<<=4JWDMq9&hV8;O;=nc=7&X#6q3G{RR7z@unRC_$`h}|g}IbN#$64U8>dm`V5 za3%OxcG0E9QxNgbgAaNUhf{BG+OHj|pVOWf9RmZB*mE_haxN-5{Nyx2nR7B+kvNWXKrBq`#G7wcoE3xJk>a z!hPFS?idcdI9%~~yx13A!LF=KPs+o3m0V38qC8yz*fE0{9yv}7I>Ei-?9Fi@U!HVPdbG&``jy z(Ed?|2=YI`!6ztq4?@mxSnXC$!vvnRxtX4f&ru8R=H#hUT@kNi2nDqNoTaD#yMK|;3EE=8H#BW&vr5b~&+~TXNykTW-K6&XV0FpLYaOw$Q|5RR+R~ZDW z4%dn9SsyhTe-><|UfY~uJ0A4+(=IV!=pv@xkbC#8!1;|Rt}$nrr5cFl#|Q+DVT8WslU z@?ZL*ZNQ9dYH7K>e`|=akb|+2Oj9~=^aG9!ASQh7i(NsGj`08}LY*J65O>Ls3qIa! zZMpuuIWiYSqg7DUCmWs)cjV*eet0x&Ooez;rFPx6W_Y{lKe-lYn|A(T-Cf$GxU@9m znG6SbquXI~yAHd5pN?A|%n1jzgVx;z-Tt%O{{GlnV5`~jfdQ-&8|_ooM#$$WNJ%9@ z{N`7AsUOx6YE~oc_&;#qo24~KeA)BQ4}ug)TvPy#m1yz^J7JJRD|{K|ws_eRvNT*= zTzVA>4vY{zvHxvIogO}_r6X^hMj+$Q$QbEKU)($`(hTK6=)HqGEbrWmTx#d-z7pMxZEC`x#yuF1kX{KVJ^zf9 z<-hWWFmn`WQUj3->jO`MNd z%7QAu>!=AU9i-7~{{C`7_^nJIFvt*5^c*A{hlYlbQ$+Kv)sRv|PX55$rP{l=xIj6D z;AYQO>cn9v96{gc%fu(Z;em}-G`{z7{(H|;^om>a18wa_ClwtWz6^QlRP}*2)wS8s z*?C>axctVP@3qH;L}EcTXL}>s#)@1n7}q!)UN^|uyy!AJ82ozE?*bt7;Gc}} z4*&hRq>|Fzl50NygRU=)=dugC{hKlsp=1gfB7{^ZLWPh@GM3CVNuf*$P3DLYAqhnk zk`R?5M5ZFMWG*v>3^{9i-uHLTm-BpizUcnn_ukjO_BE`vu0p3d*&UaJ^;jNCi(Svk zk^u&S{^84)k@!!dId12TH1WCL$0Q$dgcphKY!ZKewJ-eXFj^({DA-Vl`Vso#N~(%Z zTi^tc`>pnEY&2k!*d4w&pfK^L`A+N^yGuQxk-i;jYHAed6z#?hoRpn?2a(}*tdQZ~ z7?jTM!M{oPf3fiVDGC!QN8MXoT6(}=z`Gl~*;L#Wwg1?E{rMvi(Wu}O<48)M?(Ibi?&ys(yd1qM1zTi`I~ncb=WFs^-iP;&4l$ zEjwr!Z9zw$rQUC>&s*{OLWSo=-x9TeFa`FtP5*)l5?}5(-OMsSoAvrFc=(V{;iarv z!&4UK{acv%5r^^b7Mn092qREs0|X0kK4!H`JAMx(om^YEQ%9}1@zr_F4ar}hEHnEe zFoZy#6+FC7L`1~Iv!Q1wqnYK3B!B4*}+ zSRu2%xw&Jl*!1KzpJg|b9O}38RaFch6U3<|^+tKl{CU zJ<*ZA?wgVqt3ngMvzMeLI%SToOE>tgyH-`z##>D%XmXFJ(AcJ(>-X*dkyG*Xd6sFe z-^hqV$&lwI@Z?O^CKS8?+~W?&jMPLvgcN7Fvgl>r*haeg%qB#!1r=c|9 z>m;AsUSI>yy(Xr`x9M_N!6A5j1QFBnx3Df5C6WftQX>fJ!sr z0zzM@P#v>YG?EG+|3j6mxd?!U;d3$3_o)W~>nEP(nbyG@Fo<0`0k2p@RFq23$fz7KONN=x(57Vi z;;L+QLhu1yXJ?TG61*JmH{0&aT%+gLJLp=tsbcyXUgxQ^%EY~QH^1o5`7GBx9V*)h zixWysMOd46uKa5d*y-%t+-I9#~nUbLiGXK`y0N zzvhuhect^qB}F99_8u?O>eV9Kwz2tkbeQ28_U7lBm>zhn`Zvk?X0ui&-aq`$F!&X` zsj1~_`rr)=2PGByll=J~p(RNnIyO)iGcHs)&$DiwZ|S)^0R=IQ1~Iblwf6CeDmhrF zfEjT(RHvhfqlXMi+nTWmwr@GkKX-H~7!HCm$y`<4a zi26()_h%`uo#VZbwl}cxFk`?yacRHCMrS5wRVqPc<#^~@nD9jva8%Hy%zu@Zb=_<9 ze8&UNz<_hw2T_j=2zvT@Y)*D>k$|%#G+@BJW1@Wg_z_{6Vd1}Fi_-LCvKJm;?=y~3 z_lSObek-0&V8pez+zIHpxw#>qcOAvh2igV(7zL_U=MI-Vi@ZY-6_qGuchdOzQ`U3G z&6{Qxx$UE$T?&-q<{YE$TQP zxhf<7<43vW2aRB?SU}@ok4DRjj|JS9euGZ$GSR)alXvLY!F{`qv* zs!5{2vk6s)6#3X#J#&_Z2E*pdb7o_aHTK)xYLUF1dwB*(Qt(t)()JBK{Vf3uIYSdDxLG|;E+p&O|4FDV(P*nmc9>@3EY7-{5_Q#h{DtNEmDzbsph z*3s|=J|THnH15BZ;sxkFqEPICFXbSbX229vm(Mn_sxIpF&(BTP=RV0{7Sc!S&RMsp`YszH{ehsSf z(FgrXitI?AZ+qG9P%f>dxyoSpq>woZ7yc)5sF|3&eCd46PxsaCgbr+4kof}yJqV?f zs{WLzC$E+iE?s%pm(=q32VA~m zHImM}umpAJJW?eWwUL^z*@X@+`x-g>>+!qoG;a2s#hzssE1SIfd>E^^batZq{n=b` zHw^=WNRO`(sM4V=_0%j;xpk=cZsG-vOG4DyR}|uR9h+YCugXf<)G;JGkNUjc+QnXh z+7KPHDE76i(GOTOG*n8w)MR!z&w?w?E+D|FcK9%hq)}#?^PX*NOw6}M)YUV?AFyma zUUFwsb2Bm`Q}8$`pj-&c$$fb=RQ9za?a&o12IXbt;#vN_J`=X20(MbBeuptLrGNjF zt_hHk44on)e-Zw&ZAq8C9x-Xwc#L=9faQGolDc+1ows*$vz(k9%5F4*n>JB_&mR1U zBxXHdw$L?A@>yp^k5JRu8XNlG58g1D&H$Qy8Gi#tO@xt3@+pjt2cc!h* zIDaB$8_mCeZo+JAYiC@8>)(qjYI(n%mot>Q>(G{DeNKsS!OPa-B#&@FVn&fLg zR>L;*Tn5|DG@jmiksBYHYi`l!cz^fhr+;7d-ZeyklVmKjMs!`yKF{4DU|e(>9|r~M z)~#Ej1=HkF-Zk2_RTpoex?i-pmH=8XKcIO4U;RIe|5%80F z_cFHM7&#s3QS_vhaje<6yHRSi`txUz{I=ikKi$18ml<@0pUvrd^*yVvkFg{Yr+j>! zEKO22DMrt1&Fp1ttd;?s<*Y$Z4UF!g$Mi#|-hGz4d|46?-hd3PFu8pmJrct0W7O|y z{iuNjp&KIS$-|OHYNp&}Wo8yd$n9g-yImo&E2toFYKT1`Wj+VTY#^qNS7)zc_1k-+ zJFhu@V?qHF?4{gMp(@ME>x=I>NE~tW&Pj+k-`l04{mk62DNpkENV=R9+o|KP*UkUl zw)u#K#fh`E!`iyKWzEga!~}2Mycsi^fO5^bt)hPW9q2oSE%z(mT#LbGNL9ujhHt8xo7U*O#wfGt9!m6#NdK?>N2p zqL8`$*Ubfs>Bn+;2n_=CV_Mvh0D$a+Op|?deMS2dIq|G0(U|I^%CclprrAK)PwR& zOd)K^Fb|1$>`%B9FADxxPd5l{EuwljurqE=Pfy6Jhi41Lzg!$~t*n%NoY?Nr+`O^Q ze%Gs7&NEsH$Nbi>r7SP_l!_&C(L{c{0;?7Tv!Oa#?Ans=FRzatAk%)9%S4@@)3|*M zX~3!@qb*kC%=~D-@MB^8Hf_omlwv{tSVKXc`vjOqm`B&<-MjBYgz@2+oRn|k((1*< z?!@Iw_Lr=8!a9V+=%c0cTt?d*C{Y%HUw5gPKKu9bT)iLz^9|91n z{3&9wL#X<$#E&NELZC)1oAq~|$KQH`jC>UY6UM45ec6Ns#fRomT#Iu3__5XT@oMI7 zM0p)%F?-s%kx(Hp-84{p%XO56<`m^keZX|9gZ%Wu^UTc5Z*rN!2SR@43pu;>4}2J? zF{~zCd&2go8UiQ@Jnvlb-IGQ~j~=z>HadR%ej%@M=ha!DC_&=XYmnKi91rt@c!fiY z<>0R-H%juNMAf9BR+;uMULD1=>uBjSRv%2+lzH-8M}eV1F{ONsgV>$-~6vu9W zBL?z(DFGn{O6K8ycfzSyRT$Q*di(mZ2A#VYf8bU2gOQ#e{#J|b?xQ=SetFVBLHv0! zpUOM~dQZ%P0`<(dP5J@`F8nVRpdx2=Msaa`V`HO4b8jz!*Ys%kv0mMXxJMT%3D$IIBWZvmMy%fHzO-VzB#nt7?^;^#nuzGBq;V4jdqeM z-R<*F8G+B!X`2HfzFlvA+*XKRpJ1ZF7!bEGv7dppPE1UUL-xTA($Rn)jf3t%Fg?FJ z#TN;R^S?!p>EpTfn!$PrG;D=e3|gz1Kjfxzm9=x@Oh8`KTP4 z7j9YGg*Y~?C3ns#8q_}eRV zdViw|SSrMxH&thEK78|qoXOjc)}w*$512PtF3ddbH~#tar~Pck&6~71N&SS8&T`-_ z>f&$gOuW5i&vA-~4HrKYL$F+~vbc8sPfPxXTN95tOqeDQyeXqf|f%H0UqiW>ZknM+57r0kK4@Jp+PMcwXzuwF~JgKBqkESsA_xd|n+av+pQd z@$y@a>l{zMUf8S<8OJ<5@V+wqK;flNT)!WW8TXvU%bZ5*p8_UVKXIISxW2Er;rcG* zfb8Nu8RLZIB-|l(`TBlM&o=_o;j^r?ZiB)l+a3p4ZvB%)o>a-y)bZGJJSyVP%k6Vx z71YpsLQyNT>Q5lY?U|(Yr|dNPIPGlJOt^jzpDIp7jS%-06`>%bAoxmlcldqsx?|s( z`oI5Mb2t(AMgm)cBIJY=Z1Q=@{okKyI=u;J+UX=>(2r$iZ*7aF2c%Qa{VY#3Wap4NjGNsaz)io)Gp@g)Z4KpE4I%?RF(M9{PIv)pJ!N zQtLKuJg;(et&=DXJxdCRLzK+pc|o{9?l%hwJv5X|d$mnSNa080mbv+JFtP=w%$9P}>-L^HJz~2YtuI7z9CEP)uQfC^@1HWd@ObsPxr;-cyyiZg zjPC=#;)R9pNps)u@SeIWhufKAqqH6IYEPy5FCzJ5Fe>TFpbd z^*Gl!T5Um#i(V86`fH)44pU2U47D=>KIN&K_$J?)RiqFz{6J|igyADMJ|Mg`_cl#Y zXOWL%w8bv|A!LkzIg$qHtQS&{hpWKhwod~k!{U?_6a|)g%mwubL$xxsN35=_IRev!L?I| zF`)8U%gawgH%(fv^Z_+xf3FZQrESo~W=`fP%&Dx@f_NH*OiQp+IPE_)NMCb*m#~}@ zCys@6tDK?}wfDbiXHMhQ1kNBHKhRa z7L7P0SQzgE#awnC9ws$S%~f=CbOU)qr;}f1TYFs#=uoqNeAL@6mwP;8QKzHfS+rH) zsiV|AtKR~x!+ zskfoN{s+jLQHUBnI^o19;x@oQi`}}G|6Shk%jUx`;}`>=uZ=1$ z8fnhcjyobReq<`xtDwo2buZj%ha=anFYZ2oiI}~<#ORxrCXP1IRydsjk{&|QmU0nV zhG^BDaZ>Nm)loC+Xw8*%lLm%lq;o+Oiu@EyP+eZ8jl2`@Sw#{8?>f){;$gVc#~q~l z`bwg=8fl32@XKwtDq~2#MuQ--Bd#jD7}D4qX6tM6E7!VvxBPb&i z1~OM%Gym0fV{eQ*v(5( zSI)}Hit_-dbO2v!IflO@ji`I}V4KtaP9vz8Ysw0l-B@iX(HdDGs_*9sAc}%ke;@jvoCic|akJ7z-77^?Fg$#s ze*ZATJ5 zp_5H^dzOMIT1a-#J0q)m3Rni)x6f$Hl;Gs{g65ojp!DJ1@`X^q~{N?HT$&*YbAB^ZHv-HS!k0jRXrv_&vt^L85r^ z2WxpdsRIEcOCi$%K+`hW5L0sQs6y@K~7~lp=yZ+$H*nGR^7tse#pKpj8>jYUb$|{f&8TGy@ zs`*JGdijaM2SO;b4>JR;Zv_enWi^+qFT$K)d_obxJ(|GDQiwJ$ zT8nv#LIhJ~X5i}j%0o6EK?m>!r9A=aV{cnpOn}R$*i_V+A9ZO;3wQdO>LS=vb2ve6 z^Fw&oV(tFfSDlVTf{XKj@EYt&@bMS6fgao8rF{X0P!tL;%0kE-!n2df7p37`=&}-D zHPUsy<7S|H@_NaV3i|Tf+q;aZg}T)2OuF{s316_C!LQ97goJOuxZ7X-EI_BslbgF- zt&MXl*uvhj9KS*DA^IoymNQ(W_6w{lg-i)Rf5L<>dt1|@XjXiIp#BZHn~z+r&?n^NUGjH^#C!Yf5rb^Os+L z>m|1n{#dMt=;-ospXDoEfKMX!AR@aYB$avdTmMaBTtvhN_!%Os?=hO!?2hJZ>&r77 z{r&x9UWmfR8|J6W;u?+pqM}mMhkEwN$(5igef#Ndj;FXQQ2+hfGo&7GLmaGQCyy^g zXd>?2JLRPAtgwYDy%bFliu;dS8$RbDm9?*p|Ada1^Y8T5P>=$XZrJk>YX zzgJLDz>_G`^JzB(Q;js&_D3 zaKXFRwbw!fSXETo=-BEI@?7${(oF>gn{*hPF{yasqM-oW@cojQzSC75wO>fBO@>Wx zqu@8~c^*WLn^{@o676%XJ_a5nei(UqJozRP7(o6KWZF?ERR47 zqwzh!?~zhlHwq>rQ1_XW`(M~pun?Hg#C!VTrF>N=c>>0C(cj`)z!e=Wt?n?NMPW|J%J?5nN)zKgQTGh9+;1@R~js%=jyEBd>zFkSS0DHLEh_6-{b z8~bR^`cR4iNXb1D)WN@`nX$j$ss#vvW-};C*?7Bwl5=&zRYynXsn-}H z!B~Y04+>r9f1iQ>3k(W+`o}9E8Qswo5P_T zv$HLU*;ZeWQjBejhbCv+)w3Od1jb0!M)C4(||kE`*b zSmw8bexdzw{!jXlYZ3aw9alHVe3%(69|L2WA8iK84h|i4WgIn6A{LCAU^p5XSw2hW zaHW~Na^Oaqw_O$4anq1)&+u?HZVV4l96T`p;P2A7&k=WbMNm$jz%|$YlT+_FeDzqv zkwibw@`-?gRKtvi#e71-R*=ZH{~CdBtGUU}7G{&%{zt08(BRuTsQ({a>iU=g1Sc9V zWoSA10u_Sp4`llydaO}f^jT1F?_Zyhysq%d19xf`{+pdeRz%h~QB}YfI{}x&h5L=| zz-x;lmo~^3-y?U^$ve24FouDND{r#5Jbh!9do+qLgk^EVkWU17J& z2WMT~&udO;1_l&JLS4D%1py2}+MSZT^9|>`ZVKny%20NqA|z(u;BXrYeYr>k@elH177IpHP%NSBHgFTzcSR5O zxBuFzhSVLuKR$FP@q(8OLLv2H2-&eYoq?FO^@@}0@6W-+B8uOd8{L)&Di=^#A1h)- z#ASnMiGof98ApUnmhFrQM5N35n~eO(y;X}2@)d>MJg?3##6vlbS{9cOBy6QZ538qG zt!ye805bhpYR{eotbd6j{R5uRWj?psyX#LA)cIc|XX+x4_ZUR^f=i6A91Y3a z$gDgWe-scBLQCX%LAs=qb?lj%z8(EoXw0%-M_k6gQmg2{=5J>gFwhBPF?mCe1Z>!P zoK~&w0gxhRDmJSgf+xTNzP}wz+gOh216ciOOC1RtjE%^S7Dy2t8a5}%yfvbHDtz~M9OaHKc-vo{bom?uLrWb(FN*s}P6eUx z{y%?=R1+FyRGQS*`R$Xl{y8>Hp~hz4r~1*GOiyR7*;&E)RS1zUvC1e+l)-R7EeZxt z)vq!1PaL-qcCQ-*4wr_tHpw(9{ zCx?uVfmO8({ap$dvQ2=?Kv-a78`LL%EG8|@A|TM)Y;4DEH2iHXTauiV)5+?4yn|7o zdRsnUIZ|W_qLUJkG1eB4Rib}`wCq|p`Pfo z!+z^IXgoZ!J#r0?1~xj@@Q81@=GYnf;=*?o3hp!_^0u-?f5{e|aE_1Di}h9hz4qmW zEZ5>5Pgo=W9+Z!5UCyJI%c&_MWW90axx^i`jck*rm;?xJrbx? zqZ&wd(&W6INkan)^?D7qT4l~rqe%ULzMf-+uCE*Ah z|ME4-P;zdp$YTIEf_hopiX}Ip{EYCIrUa|M%XNf{ib~c#q-`>2SnG&_4$apu&yT1Y z6La29Uhf;eYHQ!`*2}d%Mw$>>2yS+<0k}dh&7n3_?XXuz zoI4L5SU*2AUl`!Nvg|W}T45f-YBe)HbgJp-j5I{Mq?Ou-e0RD}(76K4St1;!{DA=B zh>yvMCOdm2^hl)SO6mT?J{#)1fc4Q^Y2wx}F>%J6Yg<~&Mr?}zAp)gKKfloVqN(Kq zrs(TS*h>RH(Qn#Epx$HEUsX7;G9{F(0hNP1@3F_aR3(o2#;tUwuMiSF3preT)LSL< zBy*|XNh^E{MfrFAexkmM`lxy)gkRK^_t{ZX6PWOYP0}pV<~LF7laQD+BH2D$%V=|c z_sfM%Le}7)3GpW(J01Aik5{=H6{YdcyZ+U)qfEj*x<7x`zfp2%+tF@zY~dsu8@ZJx z8SP4WPY?6oU|FSZ&j1*)O0H%kApkJ#9niRmc&*>HcmPNzAT zRG_Hnxo&2hyamRMI!6BcyO3389{%?!yn5em@}W?}7_w5a`!|wXN9g>*nrd1BudM>7 zQ=agq`Y5@*wOKhn|MRyF@^K!?#-@J#?#>p+Esdgq(@PpVYb>Wo2i-4^^L|flqe3tO6Rb zzW(;WeOFa=^|LFsqmQ};ft6BVTD|DC>E5S>=W%^TUcj`tW$2~r+yw86g@(7SEP~;i z)frdZ5UZNJto-n>Oc>V*4Lv6ike(ERNZ;)?_TMT11{B~fRUwxNJ{rxPnA7nzTclsX zB6bYcz8|Pr%lWFo?CY3+00F^a5j+vKlToV_fdFZ)Aw zCrfWhcE02qj&)Ub-wd{9&y@j}krsQ3AInA^z#0I${NKO4gNhPL>w2bshP7bsFdG(i zwzZTk_4U6GS`TRy&HoHvfjCOO!sE#L6#JpO+t+8ye`WQ){W~M|96LYUsxNerHZ?s##iisb1>6tdaY8-( zIa6r}hPb&=Gv3f{a$7OTFw38Qqyhh6G-^ zw1a{S=M;MJA|fRX$=PmMFqd{*E>&498|OJFnCS?X!*OB+3&j1Ir_Sp^K|e`@`7$0p z`}0Ztn*|ML=NT$llp(I)xUsU1S67}7u%|ZWs!~w823}iO-pJ0x*`+p7!H;znU25Dp z3~eg7#fGgFAX{sQv@djvwdI)-Kok zK-xg~<1JfI$3FG_?K0&d>dHiArY8+oKMBVsb%3;2`2GO2yz;CV%Ku^kZqV;{FR02+ zanzj67~djOM->u!Rz<~=dp%pB;e5>&A#Sh~@!ams6i9i?sU!3ivg?6XDl z@}^CN3aurCg+ME4SXn1B8Flh3wg-y#tiI5_m@J{O`#pC4k}~@i$?a|9U2fl9OSssR zO9zF7+yK@NaL+@HOAgry1+{`w~}us%{!(igLq=>}^t=*8%OxDim@#maD|%M`=v zKS1fspjx;eUKEP&-MB*gK8YpLhTQN6om-GR8YGr?>F);n?^$dX7f+)SULRg$g_!d5 zgY&wD|3EJJSRrtv|KkR$AN%J1)@@}uEHybWEZStH4B3^{pigoKS6 z#52$Y@+;)z=dXnTl_`oA5IZeOfA<9J4sM(VcOI)W;mo9;wX0_!X?)il4rwj!a_oT#`gexq3~z+roaDJ zgu$TE9X2pnhgk4@z(tKd7Bu&W(NZ)S?NRO8ZjZSw&?e@j7dt$g<+E2!Z5L+MB~qYz zg}`JUi0Xg<2ngu=XJ$&FB6k9mu2KB_A8&7;`C#oE7IZN(zC1NmS04*877QYw zt?*|MO*}$!wXpbpyw1a5^A?m0^7$%=SOByGP~a>6Dxwo$w-Ggp>j*!cYr1u1^kf)xZ0xSszCQl;k$}NnpNQZs{M$M>@iJ9oke4lI<6v`Ka z9tD8YC0x35H41m#mo6(_;k>^C9^{N(?y1t;x;93pUx&T_ZGr;;HeKq_Z&h=3i6QUN zS`Q7zZ=+B_=mY8av&+zXkN;bZjPT-vx*^E>27edZUfVAHJmS-Xzf#xKlsD@Za<1U3 z&JNkkUat1~WAN71I`KU>Si67t=T_D!c>7~or|BnuOyC+=FKUu6jF%&HH09;RX~N~I zudiQz_hx}5YtnI1@t+EPcv%3ur1%=0w8q21k0bA=z7x_6i7wN*-F7DN_|D+_c|6H! z4Kapc8(B4K^fLbFspg!zb;nQL+1sb1=C5{x{-?t2Dp|u-9}CBo#1hR0BjUrxmzKOS zvUZhGMidfRvBDWB#tKPEg@CZSkb`M}-Mzj0F*@O*lM|Q?CrM+#*xch5taA5!J6rfE zy&~81kO%vK(A4yu_nz9?dy{{*RyJGQ7!Z15Q4#w7!5+Q0i+l??U{=P(XsL@_{lZYm z0nPA0+-|^E96@A2Mjb-ulu$Gv@-15U%{oW+(gG+1oo;7E?QJdtzC~A*{aM3k9|CSm(E9N@>LN=Ge0L1gXV(R# z@PpU(SUr%P5-EN1J`KHhd1>jsx(5?a_UdWVkA0_SWfebWub|{+L}Q6oj2D_$o5eW7 z8#Tw9A0%q3sjKrRyHEDaEHA0RbsY#BOTBy!lf-&@53z`Sas(5>gQGT{o0dzs9cHj& zS5$!3dCnNw zGQzt#Cg$d0ZftR}cSU=9jHKYt3KUc|@3y|!nk~S*di9QN;du1pl}Cg9`2;`(in@kI z&eDD{?yzhat0&0~{*{M_@pTkA$F*kk5PT9Hb%wEdq5IYx(>n0Y=sNe6AL) ztFzy}Ing+S^Hch<6O`nOo*o{t@wzaLW8~F%iEK9LEYz0pi*s{jM_*-54j6uU4*Wv> zri+)G`dlCuv+@zV{QUeg+Mm#iv>I(2|JkJ2q?11rnK0?@*ic(u#?m<2PnaoDdEfBh)MG;w=U>?ArB?A{!mu<2gCAz>?rErt z^rs=9R=x%2*8B4(V+pvJn8RtjxODr|5G#KS-{A+Xzkhc3P-Cb?`cjM|N_bAI*RO?= zvSr?J=#d03Il;O+U%$V_JTdMQ$EEwgRCo2~`*eryn~5oRm}o!r`a5NiY0}V#e4G2m z%B#(TZd4f|%1l8cGu5GWVQvnb#m)40Prbkpsba=hxtf>61j?*)Vq##~y?R(N4;>VL zlhHz;bQCzS(1>P*;XK{VQO^7RgiDu~uk zjx1xgI5;6rC&E%3d&~F!os$3XK_y3E0lxQ;u82^?XMm77PSYN&&|r#DaJ z!dbUDS%(e=fHs3l{e7q(Vl;xmv*S%GZxy`qRzzEJ)A05q7*&O@R9= zG4WJz62Yi3z60bZ1l-Ztg*5LfBB4gSJr#}RxH&R6oVK!>xV7xmCtsIgOoBm4i^J`uJM%Ri~4fw4s$6uy>`lPNd zx0zUw52mxa78DjzWdjZX5zoEL|0b4Z+hSz%3a++`3ql|og-0vZ=bsQ44;&@O#{b2s zy2Hr!sS13SRiFqsw{XLs9s(TSygYqS1W+|BTG|ORY6Ur|9xUid z3?{gBQGvtG4EewNwF&P(Y9tHV$89SW-_-e9BM11}60SV#=9`sIlP8}x*qD3j$inw0 zkUxs!{XN3C{nUp)!<$!Cmpn?oP2G}2bMw~KLr6z09fY8~aro}nzyMnZ;!f()QMrVc zGF3L3lZYq(4hd%;MIXA5#J#!Wq?n7&?6)$3tC>d|aU^mOoh#5vd5I zaJx3XU1axOs42V1UH|OF#NWa4D&qrT-gS`jqPU}-hx;bv(@%AEb^KEi?w1$7KT!6V zq9C69?hMWnXc#kzF*`o>UE~HJ@Zz!xQi+L=`#GE-ZF|ldVUjlS_z|nkPM&0BVxorr z5IydyTg4um#2FszZgZrMh;;k&^yr-DpX<|uv$^;X3dCp9EZ)5(ze!7cZNwoxy|wVZ z6gXpJv}pakmjtB`OIq)$8fv(+Yy0nURu2CAzQ`;EGL4q1;Gx(2{%WEw61z@Z&llV> zY9e_Cn(M)Ti{(KkcQR zTN+3F+k+Qg&3Ae+Yq2sMTSB>h<9+8w&sjgTtvLurK+s|?nb^TW#Nz6o^%Quhyt*39@@(8o7B_Yc zmu$(uSwIVsZVojuI}iG8+ONAh`mm@7S2F*4$$dqxBxW4zdc&*+yZ#iXkoAdC1G5{6 zF?`BIED5Kv-WM3CY@n%L*xlHB!}7;IMc2=LzCS!jB6aj+YIps1V>4 zK1fi6FaQeC(8c)OyBt9QmA%BJrmO{rifM!N>JnT`IJ>f(%+T0=_mAo8<5)h~HMy-2 zk9D8a;8I)*h#;Agw^Xc&BBj0z`S5i;eSHL^Ga9D4FtVLe{O0yw!BW5X0$pOa`ZQy{XZiAK>OT`@!x#0QJqB6tfl>1eVssv6BG7Bx#j zsN9|``mnTMzgbraAX<-U%MY~T29;b(TE%&5EWsA!LH|Izf92(4GBPr*N(Z2H{axBN z@5ATV@|(Z?jl!bD0)pfQYB5)8qY_UAKrbJ2R9#(vPfjM00mS6(pOB5~p};GPLX(gJ zfv~p0>yeVDq&_KG(=N`w!;demTJ0OBut|hgiqob)1K^vMx^tu|+xBqfpJHN6uFRTq zxvg`kQ;iP#t=<-Wcd47keWE1AH@#!_dugU=xz^Df>+&49)%FXguHd#Ip233(MxRcO zn<9qlbc!3Kt)&olF;S)~X=;iId3zx-C+C64<-aeSstv)K@Z$DuX=xEj762sV%Mf0G zXXV`mrKP1wed^yFM13R^mjSMPb1J07{)mt$ z*zJuFhP1QRfy3t{M~|fuIXGqwP$AE5Z+T%Cyws6xrT26lT4shh?1$nR;uL^bny6UE zgIH=-WWigxnC3N%)_dh2M}ns$QeEy1FatzJD0g;BN|`YrRM9P{9daGTap3-7CBa)@ePL&Betm+SXoa&?qSBIznb@onQkn#r1AZz zdarxZ*AfL9)2LWkFPgpcPQX+j8pLCFLvF&={kIpE$aS1p&o83BA;7`GVdKNMjGWKfDTW)E*iCu*YZX>lo637dcO2 z*lnMHQp-7hTcDIA+ejE^TpS&<9b&f$hzORr+dN=HTrx7d?dtBiIgvdI=z8NsQ^9XN zR=Y;MSp;@Dmvj({Kjf-)Ut3`4MO1I>Mz)?5DbGI>F(8M;F_$>x?H&)xCmKQhUe z_DCVKLkdo@2(!W5LZ(Uzj)drTA=~c zqK3cKKi}x^-BGhDGS5eK$64B}cMmS*zE>y79j5FZEt5NItgtolQl^ znpJ!D0LujB-iC9yEe?>PI1W6S@yv1<;oPS~#09MnRG39o;xf9)0&mTCF;F zi<@zsZ3d%}FG23_NY|RTZ}rmFI<(OiI`8o$g%`MUx{}V$1U6w!Ma5Jc2wLKf4XiQ6 zb%yaLs%bq~F!#RukglwWdtXX}ae?l_iQg6%zH46d>|fvVYK`-t_wW0_c#yu3k1~)J z&Z=W%;ayf-Tj0K1OoR}z&|6YcBBGQcR&|f{-?V_ZG0U&UZJKMp1hwY==yXeRJlRq( zIVmha0heaLXSron7YG*sqAJRgcM@57ClPV+037<276kxzGcCg%9b}lEDF?*i(~ljS zwZ8>w=ri6+zihpvELfza!`?wo>&;BUkA#E-u%H^sT#(PIt2St;>xUx%+6IPye0)5m z_f@9q_?n2yru9&(L=5y`4?xWYZgt^j5^FyO>t#geL>Ox^e2$@t-LCqt4ftME%tj8f zv0}&wtfckY8Kh*X{mZ76&rJgp6Eh{Ld?9!j3xLAE z{y*S%g{k6B(Mx9!*~mOO8LBn!Zv339s38A5^BNv5N!K?sZ5BSYuvyZ7v6MQb40UWd z)ibF5tACMNc`ByHN=Y4m$#Ck_DGIujRj{b#DHjO?--(O8u9@AIy=#_3H->60ERS{G z0N~wL+vZkAy`D+&+@$2mJyLRV5eRp!7Hov7amRWf7CfesjVmCY1Z)y0DSm|G7!AXm zIx_9+-;@gsxi5+d&R*x(Q-W)MaS9;faXG-rSRd{HMovwiIo^Y$mStP~t6Ef3~;0 z@8s6uDLbw`Jm#K^yWQk9twJ~6(7yZ6yHU6Sh{nHw&{0)JNp3*Bx%nwNzCUBUKLiJ) zSaSy7g49=pjD-pXqkw*wrFtxXJ_{w#knjLH=I&pHX%+%O>u&(8-k!^^?EXqwo)@`a zroCa&tDL)kAzzuoh=>GC>va7i%U%n!<4@olW-4%U9%+RO)o~)=|FW)T3?Xs<)L>m5 zrc5EIXMs6_#u1NDVyaeYT)AoRR1MQ;8#l)Xw^2ExYNj8x$=vqK~TIm*44n+Q$gzp3J63Ka9E_Ra*3qCr6Hm z2nn4DBAdfQ))hK~WSBGMG+K}JEPPOZWncU znPQGJ`T~$j1iI6o>+JHbqcs{{X@8?VA3YB(E!i0^CuccLjejj0wwa>Ki55RpkWWx- zZk|F+GE=hwr|RlgJ~*QtAFOj^p=J)54H_bDOyJCg_jKD6Pe|R7+)%tI7b(34vp$1m zHedKl;Q~ep5dv*UzaPf-PEJf{b;$_9hN4#%Ap*G@pbZDEQPWY#EGi_PVw*O-@3TE} z3Y8IUdBb?L#ZcnkyqO*49Fk6I+XQiLtwKcmDS9g}1sGppadGjcdv_ogf${a@?E+x{ zbCXK~RYdjAB&Ld3g}@*Xosc(RS;;zX zpKZzB1nYl!?+&J}WBbAkjQ2r|I3~r5Xbd3bw9YZnJ-k^+$bKcvF9l957Uln?nnj5I zxFez&y)aYr3L0aekbYQF{Wkjt$YDsP+16%iaA~N^Nsz<8<2j1s+B%iUi!n=wAAO(4 zb}w2T$V56=eoM6;Ue`c{WSM>1X#X5QJnn%86Ry&aXY*bF)p^P@6ffBg64-OI!iz30 z$)LnR!)*60_Fyedf?tPfWN2>gb^KAv|Lz*ZTSI`)kl$rS6A0J8$O#AloV1W3W9 z)3D25kEo|;3F86^;vK~vcTvTq>y8~W4h;(Gf&3Nc`Q>Wk24By&=6&Ns@-^iBLI#S}sa2MxA|U4>9Hwyb>2 zXn=($0gXo~D=Vu>6_um->(9*Z z-?m_*5Im5#1HiLHXq3!mQrV0(44L(8gN(lfroQEY8=@U?wdlG7<}ayiUqwBHSgg zLVwDLfh}AeIF5ca3^5_6b(WcQF3^!qMPdEYuf{;kD_y&B<5GTI)SWwo_rML>8nV~N z=!&E6-sJrc8a-%ZUj=qH5T&}uEwjX-o$!lgbH~m8nooDm@b$6g#0NC?_K{G!@0p;wfl$)DfoSdlK zN3MPg)DWM%?=Kq7zCF5ToeOb)h-B_>+|MVnv$zY|v4VnvzObWg*U{q(b?LY!a$(NU zI9h0|Gc0tr1CDt=lG^O!&rre>Pqluco&MtwXGOzsf|JPGBVTXNcL& zr$66nkXG;F^9COhjv@0njZ>9{7-&P&{o}`EWg%pYN?HtbeL|v3We#5w)$QJy8!A4g$w3TG#$^*8bo3a zhun(c;lhJxmmGjsadL6F(g#fcpSgj!3z#_2VsilAPhGvt3_MQ!pUhUxO-?bzE2q3f ziEHip^%`hej#i+JP>b?Y>)WeJn5(#%0=Hm|vL(>L#$+j}2xgZ+ZY%1P*0Zx_ath%!&OkVYk3GNui_vN-Y1`zn;cLD0+<2nL=N%YxQJ z1Li7YJjiDl->1ke9GIjU&>vk{%6dXQ$CyBVL8f_@9jk~w)xb$w=dR`Q<{*Lii6VelVIGIaz~ zN0D0?jz0F|T1JK>;NN7n;fP5DHH(0XE+{EvE(~dtpds`Uq!oU^IIuZ)62N_;*nTo9c-L{ZY8&d*P|zowI1f4Zx97r^6> za9+r%z<5S7z8CBHz>`Kpo0l+)aKUK;`%kLuMEn47Y}?xSSOK5KaOeK2*o{Z^>v6kz zfL`P=(M^SneqJ<+1$WJD05mXfm;YCD){*zu>Cp2)d6^N@k6T9EBSNrL?ua0rE?)*P zh!p>D#Yp1@ISkNYYqr&mRlDq(N;1TCe1Z`=0Nz|}S zT*(2T29t31pv;>x_>oWO@oInH%VWuLY_y~BE2?S^AcN-!6uAtBKGRFu_X>g6{SCVM zWpHZeq41#{I@*#`YM*!fJOpxgY>86Tv9x^n48+-2@U88r&ewzrf0Ek0yUnQJqE$QZ zg<>m^bfa6HL~bE2{Y)N@y2oMXVzABSgFjjqIrj%?f9mu2SXS2Z+~S>MZmYv9Jh(-Q zGx$7?Png*TF0Ruq&dx6qls&$9J0M;n|0+)9>g&>}#~QEcs%?RtA~VHW!$A5>fap>p zm}vxCn)^tbiKrQ2AGMq_@q$>Hsqf4Gno|sV7=HZtLFQJ$S$=x^;z5cG9%5GP9uCLW zJ1|fVvY7is_qEm>ky|(%RItqOK6ltq&hcl8D4((&jJSrYdu(isGP7Q9S!&a!YY>DZ zg%+J?DO9f!y5RX%K0ab$PpGY5z`IR>n1ZnRtw;rj!p=oVw|@>0WmzX6P={ZtM84g6 zRD|viM8ptV=%wq6<|b<~VY8S$ruyJdufr@OFiNDOql1Bgp+4UCQW^?e6kKyrIOGIH z1Mkeh$hb*doIycB;Vy@c&Tg0wN==X8)WYI3^i!GOJ>)hSwk0LhA9DRWWrs0ybCr{2 zHt4xKUlMV`nH`t}wypti3i8{;a)3%&QW^n+KSg$E2vNQqRu#LL0aJEYa42EW5WD3?GhN(laJ?1bhyM1D|c^%{|p&{oCObP%`^ z_^|;pl_Nw$6A)p7^1!t>({NrJ$%mvSECfPN$rv3DHxig*Q_(Xr@)`Hj=TNaN;*(3Q z-{1Hjqw-K*zxHlnLBU1DZ3iG~;8y2t{^bc65ns}d{-5^F{}<{wj^p%0HHlgJfn702 zt#1sCPMR3wa`I(Ltf3f}AIz5|wNPv#-@4P6xp7-AVdA`2rJv7L-R@VZ!$Evyq}t`kapMv| z_N7{a%=TXKr*P>Ea){<~biR6n6hg5DQ!e)Z);H>G$RG+%3%WqCug`p|nsATwGg}M#BY!L9df6dB|;FXqaTY z7xN=sqNKl4qtRFmB}G|!#?!nRCDLiB$#Qk7+qM{3#NLjHf;;3@;p51H?v%TE9}t>Y zEE^C37WLYniT0FT;KH7DefawKnW@#MD#g*b7VEcwNVTMoRMBD|ts=c8@y+JMh0*!> zd5g{+34R;;aF2()pvlw~?4zmTkgk}gzKBs!@nIJ%|ScrLO#nTCY^A)s`>E z1gw=dS|LbQ31LvpR7X=6h7#KtammS^0&i~Trb(l#11??#u8b%%tf`4q<#K>OX~wOe zfyc>v$~AB1akRWv$m4_iX$FzUwk9^|o z6=D^1;BDpfYfsb{8!+}VI>j~OEoGCx!cZcaLL$DM+9k@6+|J9iNkm8o-}tZlp-_ z^EW~>`_=0&0!w!CE-OFJmkEM^zzIC1kd1Z;sSvV)Sy^qYe3{Kbe-X%&-847@5u5St z#l21JW@RMZapT<{4?%HRnEGaP5vg=nF5%Xan|M0ITVausx;Ny1M#WgLdt`_o;^T91a$@l&Oy~)mr literal 0 HcmV?d00001 diff --git a/backpropagation/pics/nnhardsinetest.png b/backpropagation/pics/nnhardsinetest.png new file mode 100644 index 0000000000000000000000000000000000000000..f367e7b9deb68130445e0a00e0bd5af7774a6d98 GIT binary patch literal 71681 zcmeFYgLmZ56Yo8-ZQHgswz08o+cr10y|J;ecVl~F+fJU@@9(*P#l1OaPG&ym%$avr zS9Mocy*f%sK@tHL7Zv~jAV^DzsQ>_A!~g)OCNw1QNtS!CBk&)%i-@!;H1N+C+B6dQ z8OBjc%LM>HGWz!dsSqr;0sx2s(qh7@o;l~69-8ROuTa-ljj|Z$MaZ_w$ihO%c#px| zPr>}BakClwBOCjNBhA?x`{^6m#>Q8{apqT23z0=a)dj{;ka*VU;@~CkpDWcW?&cQm z<(EDAM>|ogo0&X(d@fU7ig@x?R#r67B%#P6&?I7@?#@(!|K5cn8}m^E{`WLgDjf8G z&qN|k|KCHPasIC~h|$gQEZO^+!I#K%9=~#pHpj~9DhVxZ^xY#8k-*UX$-Hv80zrFc zXOYj-rIfrp2Fvh&J{3xh2SH5V*w}b|kZ!R1v=tz!q=XC*DxP&*Yi)1G_IrC2H#H?M zlgkW#xjWi>eKginWSD-==liplk_vP|=(02R3J=y^R z%gZfFpZ}Z(e}+(BnJL-ILL?rjxXQGr`pE{k#qL4L8)ZjOrJZrAabu zdpEFx#mvhv+Of%zWWMt2>nR6MM<%eR{P&>smjor)f;@!?g%%sKE-f~2E<4y?uyCl3 zEOvK<&0Y(m$37QppaJ}O;Tb05n8bYRU3Lgh!&A8vZ;l>N;qWYiei&Wd7Dzp3ChywJ zc%wd2PAmR=Jx6+De$rAYXF(YwciuEKj3XUY8V!78U=deaqq#+-mHc&oQ}_Jt(eNMjP{+>wbe=adu_YKX*u51ZvWu%l@(kEz!FPnQ+rWbO2m9>Gwt25=NyLC8M?GMK2LS9VoTFf??4|64S-Mdf|JzG}`G8(F}ONtwqNyh|Wd)yaYL3 zvPH%Xm5cbks4<}^`hj@x>GAOja=a^ux;$k+6qY^e_`E>Vp2rh{;&x`N9)W0iapmyY zP@Pz4Y*;O@e>IICm@+xPxdFf?Qc!F!1Pp~b^nPHzyu7qKAHV_($I}?vy&q@++rW5< zP$(Z~ym$4h$x|7)*xX+*|^IuXh(GRGW%G z?Bp!i{e4yckIT*5RIIX(TNt6(%?&NBzD%}PL&;;}P+?_dl+Rx~$V*%NVJ>4~bok0} zdWFL}o=R&(on^S5E$E-^3Tg&Hipz@I^ABkEjDJQS&;)nn)|`FwoInip+XMUEPPe=5 zH)sAxF<~bvSyp^z(fi~!R%#$+aK^0*oGvZ)QgMcD*d*Ef)&1hn{F`iJF!Y+)exzt_ zy8R{^ft;Nix2r;2(8@FdB`>zu>L6lsMJkiTj?34D$_`TpE-xYpcw)Nhe<^W5@z{e_ z9~~-qxa7}3+d$pxbg#L$1OVnZuxZ6*qHlb^F7^BXDs8pCUY!X449V2<49XLrw!wjm zU~FQ7f`$ebClTWD*9(d_7ZEoO5;v}F!(F=u)93NLzsu{c-gcFB|KOkyxZ-4{N6X2xOX@bL=PpTslTT{q3{!jn(b4t=Y!Y z$Q)ES3LP=JDso!+b?koyIz{0d2&VB!>^)BjU!es@j(5vB&6Y zm91|ThX!c(J@J@^vsqEqWuBtsCn4~Mcft0h#GbCY&1R%d_KT4C={v`p8H?wOduzG( z2Mu2*R*0(za1)UPLMAX29or$psyp3Ia)&&7QEC9o&dy*2rC^igEGfNqbH&^lhxJ0= z?ZJ41?~5}_k~)r#Y+h57KrxGjP7jA(YxXbO1BGq5+U64QS;_eA`Muv#(*fb;YTes= z?=+13S=Ki_VcY7XSQn#1Wb9usQzUy%WXf==lYNgya>2C<7FpgihaKr8|@prErev6H5m)w&(? zPhs$aIZijBZHwfDt~sPFUUD)EQXc_;U>5s=1s?I4?)b;fHz@E7L?QUoHgAMIZH4}@ zA*93~?_eU)w>OZ1OhK$*DQeL+4rxhrkes2Q$Ts&H%glfegv^YJfXQX7vFQMujAm1w=d8>;XrU%_HG{^M%gDLl3uR~ z?2}+`qWKfAdDK!)S^`C<;zNzPo{6x!m{_k(teDw7xfL3CT4vguF0PMM|aO z>8{Q2?(Gk8g?P2Ia{E{F+5*-cL=&{YW)MB=m`3f>ABrJLelF_B|GWyc%K!Y9FN4$IiH@+I12xt-i{ zvcJ+jSI`R%9G1N{8AZgt({PAfERb#-C=5zZVLFoP?Qbad5|2qLNZwC zuN^37|H(W3IK?sRb*TJIpA(|TV>65P;z`iQ1;|-gitKOWk}c%lZ2f1)K?`v@mQe^e zmX77frgSC~TU~s{Z{w00SN@iQtdQD1C%o}MJ->U97(m}XLM8g=>pkX`V)WY~j8y8Tt_lqQpz)Z}0HXq@mw@tE>i z83KVxv*cPuroOCD6p-@^WFrYtfeas~YO&Gr{iVUa@bEd2X(8%883vYW|KzMqZK5o_ zpyTF74WtpU&Dh_Wzpu11P(Gbfc$`M276FFVu5$s56l^-yaImn<7JB4qn-e02@n6+>9^VYN0$Go1NNPSBe^E3V*-t_QrgQ0}{aztX4ww0+eRyBK} z1X~lrmHq4wkxrwi_2M6|bozqc=nC3YayUIOgr8(|4mM#&t89+n$~aG>H*Gpi{xq0y z`|d$v%4Yy1B_%tON8-bYej-8;FNI%$JBDp#v^6%dxNh>6914hk1>Qj8bRC+(rNE4w z28fIQsb;Icv1P&ie(KS8$)U$`vuxn>xMb(cVNZW_CuCYMwB$4p?;vC(+uzJlg)EhV zj%A|1;QfBJrq*0B3;sb#80zxyXWFvS9JrJBZ)=@cw%gGzTl6ib}V-#4S>cocHomM+F4t(;@Wdjx(78Lu(+6-1Bq@T+U z(>6Y3uLjDAW+$jciNhOyD^_mD-1bz~=U>R{Nj)MXJNYcIXxjiJC%ok_`r`#|>7|@2 z2kA3zgw3RQ3Jf?Mm@>PehxIlVZdO#B>06ecdxEoFqgc*VQCb~mk9E@5q!^$GI=%5U zZeYl5Mu5(dAw#=1d+eo#V#7DA6wSfi3|jOdQuM$T*p88^Eagn?dK0L>3i4r!Ew9+$ zF50#3_@C(^&HGBHh{ecaO5esRZy|J1LVsmMrfP;oVMAcCW0X7T9T$pOXOq)CDE-{f zHT;eG5m3sVSF@+xz?{ZY!ID8Kk^5&t?CaQaKXuJ$Zbr)U*0VmJUSGGZ)J&fqqb8!o zJS0AYnGS4Sy?L-A6#P9SIYjH@4bB^0oUL3$Sgr^V8W~}6Py^h;^KJjePBZF@WqbD@ z^E1G>^HTLEm(HtQ!t8vvV5Ukli5{Gwp<-nX6l8%_n*oGDkD}TRsoqO+fM;{5gfd8> zn@}faQ95M3eN0*rFws}z`#SOyvLK~LLwr9hXf@QfBR_@t=6Z@Aez^idl?z9y$Q@{1 z*No!&RWvpx^s+rzpxV3>9B)sE{Wt<~t~E>OP*SpenN0QUxi58qs7w|u2?C9Rl<-GK z+KI)yPAf({U_)qGV{q1L!#;+Uv-Q>BXev;hPA^xuTH?OkGUA9k%-S+Sd?mheOw`X6 znbWCNV0LNa%0c1G6PP7#hm7AuUgP5jGU~0cL2*FLTazkJ@3oeY$MXLGcpPP6zi6}S zT0_69y3pY%RJM3XY@Jj(>TO}=>un_PRV^FN?n^Hbg;IODDPt7>GoZ;q4ecmsl+gG*WBbtCYG<&7S3>McC9>L8k1T&pHK&YKQ;!ehxwyj?5s@`xs7X}K~Aypqa_&OveC*TV%|Fb8UWd8fk@u~fdz&MIa-bl<@t1(mL zv!ZbuaD6fx5NIEf@0)8%9MkE+uQKpK(6&Jod9G!Y;VuM(j{U5tfZj`E6g}^@g}32{ z1NrdBH0_naB_ILn8Sbjbc5}o#+9|b*LaHT{*aQ>Lm}x3!j%so(szKEOyZ}#yw;y5l z1m#ha1I1qWf5@Gu&pJcFo_O`*3=NkB+TpKVwl{@+3OW)bpqs+HhMDd7(7K zN*N_~=1L>81PFLr%_tWqG{XjFQQDow|GHM@r0O$>p~$KJjgF3Hc0W-W+WZw^bn!Pl z;OYy;+tY@C!021Mv#8??&$-qj>i2lU;kzVMIgDMH)-=_blvjFqfto56b*0ryEDepH z$T7mw3>adlXNdTH3&qmcRVQ)60elcO-A&w3KvCf$wd(~SF$Ie}B$O{c=nQ(%act&& zf3reQ zf38~{r-d56Hkiz;tr{g&<{^KNYAPxCe%i$R+*~W8HN&>aR9o9Ok*P|88Pn3LT9GLw zi(e-zH3LP|;>&D#=&%bxq@pzDwq7*tQ9pl*oPEzQLa!G+$!4Mb%YIKl>;k}1U)k)?id(|_xUe)GMG?1EydD~4Q-=ijCvVd(D2~#1XbT& zI&60*7>=vWK!2%1bc<+nL=8||VUy`-mw4*`FoGEz5c&J2m!I*xTu;FD7p*MF9ec_C@|h02 zcV2`WO^lM+gZ2A2FIEVW&{SZ>jJWk61Ocy}oeu6JgtAC{i)ddV-W2}fkJbErfRWMe z5<&Ch6!y10E_Tc-;eu><}MfUAh)4!X1cy}a=qQ`?GlV*Mm4Q+qb>Iy673qun$LIw)t zE69MVSI>M=P@EW$r8Rl{j5eB|SDG&63_st9+P}ZQC1U0f`=cULbBw30F*pdq#PpG$ zssSG<6Xln1+wb0Www$@e=ezPQw>fZ?@4f>Xez6hO$=Jed>iv_uN>9!7m}ae)s67*6 z{~M^Y^Lg8nf{l40q>J;$fdLV=o<6-jnu91_QP3Cc@o(fN(dz4|BI75eyn# zUZWc(29rSnHqggr?PO&J&e5olPYDC<(a;KKEdkUXiR3nWy4@fW3a=10>aC-J6%WsD zBd!aTTHmuekb$Q8exSB#Tlyd(eV4j2H&;*cBlCAxjnOPj&r@#Z*4I=B)G-=P7-<|o zrQ9n7BL^-^xxD2+K~V8Xs@2c)oOe8d+vUQZWG~>~s?^v7kd)2f-7rmh8Fvyukq4#* zqP1ltAW2bCxAhj`{PblRxo9S}F{M?&+PsCa`DqDlIN|#W)T$gEm*}~5#zj}2^^03o zyjsj#=e!F`d{P(~LLfl|-wl0x!h?98a&fizTixG`0!@3`s{QX*=GYu7z8-;HYvjU9OKJPJfcizXn>D`xv` zK``)AkX@AsLJkj;S;=s)-`=Bti!xJ8CMjJgEAjnLm+FEuq2NfL+u1d|dj>lRNW6V2 z8v#WeV?73fsD<%Zz6P?(IbIhAP81Q9yviXmP3=U7L`~@}t;aZZVt7(GOJixN9^c1p zyIeQM*%HfD`bE#)&Bs=ZcEa=96HDWu;5G*9k%QE^NSwHVY1XBTi^a%iv~06 zE?}wpGV=3`)am}Ax6pg>=KulzNQ6YH$TKH}Xl|IdaHw#VA&R+qt&obUYAA5HBy7FN z#o-c#Sr&A~`QJ}TrI)69m%j?zu9WD3l}Gxu7TL>vO$q5LaOui(89pto*WQn}hq~1P zR%aQ#-PN?;U7Z_6xqLTUHX5_@7RbOeqS*`L_@+s~@mKqX$-$JU-$#DOQNQXHSbm+M zJ?Cr}4Wk4iWzXcaqC&EXXLYSYaP=VHg$3CSWnS$I&@D_^P zKCIP=2uUC`vVCGwns(scJ4#{i45X9QPEJ`c+%y+sC!|N{*P)@guGGQe*Tz9Ytx4i= z?OuIlX8jk4Obrj}8J$=3W5iE6-=aEbDlHEPBOi-*>7PN(H0Rz5e(2K)H^LzD^XfJ( zbWTPXSso=c?4-Xu`BNE1otpq0;8cWloaDmUQf!cP>FMy~ljS&YO z+)*-glDuR4a(gS3r^gF)_hsGy5{}dLRyW@K+vC9xzrB*ER$kCMAsmi9&r2EDqs3cZ1p1m^7M$7hbQIutPEb zPcpJ>23!1eKS*Tc3>3cE!69g3Vk=ANZ(M9^(D|~HuYmzuvS+2Ud7ag8OPs21(DQ$~ zozocx>r>Dz3kQEBMa@u9O0&V={6g=QrE0a4|n|L8lV|J>$!SP!* ze>M+YunOW*%p2O7FNcuMYbaF4Rf?#XQ$~U|8Yxb_8M#=;ZgQbI@e*6u0&wO&~yyt|QFvB9T%#z8(wTNX~eKXQS^8LGn?C-(-;_hUaB zu>&v|Of09k1xh7Cb!YLR*U6VQh)Uy74z^=T$cMnNgC4H~175iPiK2f&lyf0cf|XS- zWi8!Re8)%R4rj)vgB5Kj>J_Et$gcmlU!oxzE=Id!V`79AyBzlYo}Df7`)S3^HCs%g zIb_VXR6Sf-?uGp~An}#xb!Z?d%wtHud30`3fl%W^kX?*xXdCo$4?FO792+$((QBB5 z6s zVN9USn}MZzOC-lDD}rmOk$zUL8uKA=g%zZ8BmI0W%&pDANNEP$6G9P#rf@{M`)3M8 zjkIx_nARF|Rw9V05!UIBniwfalM)f)wRb~o;bIG|)*vz^OV)czvnpO<{04vUH`Xy( zE_=hd{t(MkO*}m~QttDOVCg-Ks|E}@eZ+1R03(5hZX-+wZ(mn%dC~M$ME&iAcJpR8 z9vgU8io!w=D6$TPP<(PyVo=+66=aoBA_k~BWR`~1--$-rtW&DzEI$Vph;pu>Vd^EJ zcNoS zq}5dHY=`Ur+vla;ECW5Rh5ioG+_S=cgeGD+|VN&4@=&d6oxU z;o0ipKh-Czq{fiY&XCr|5K|%$oM}0Dh&cP%iHY3lPw>faOd;bfqk#%f&YG%LG}q58 zL-2^;et&qYtQ;Nh@|Ff0uS|^{=SSVzcX^x5KW{JjTGP3wKbU zRTtok!r{syEwK9TgsKoZ^G_w>!URl?{30jU#u_fGbQ<87hQE*+mk zKm$i{G$ttO2-Q&Xvs4Vet$6Ok`F5MZ31ACsyn~^s6#$0RGc)(_dHryS^7tbj>zcz1 zo|j1}rr2Beu`qjdVPqJ__jF_;)thd^@-QJ3QR{E19Ae|*2BUbIc6N73)o-IvD~$X> zu$-ZwWd>U?kGBizy6}P%8XKFwPPGhI^~t@wys**m;3R9%UKM$ve;s!l`ii`i$}$n9 zP_fGH>K6V%FO=B-C-RENdg)^e`d3z9!Zby3Qvwn%ICw^YW07Ywd|eIe9?Tq)vomso z3)MG0>mr>Y|3tL0c$yast0>BSzD_U0vA)#yjQoU-vt_t+r6Re*Z)$%r zqq@slXP)UB#w}>HOx9x@?ajr-cLth#;R%{i71X*X)*`Sc^iZ_MSj8(A+lRFm*K=GJ zIE;x-c{C)4;t4$OpBrAFsDP!7$eP{Ey?+(E(@wYNrgrcU$&voQzvaWldR19oY%@!; z(nr&?C1aG2F_;O*9sUlzhCm%CAfhC%Z)#)C|V z9LWWi>+JN%Wn^Va6u}e05&Bt4fQ$gJ>n{l;8wmNmLjwZ=zMn5g$BQu+JCZ_ja`3<& zyV-qrbv3=Gx3{xmsHRDvXDo$&yA4(=zh@xI#aBFT9IuYMZhSku4kvlQFzn$hSz5s? zzED+v)y*4`sL z!>7O?n+qlTogedZBZ>R=|1>9qRT5 zItB)bu?ze81^$fBK+i25DGfOwWlveenXzvKeeY-=z~z9;l$|-1SXCtu`FqUp^91zO zH{xs=mHDde`|ct6GKxxMeHcXxN013rCyZ+}w(0#D|Ft>R@YARZ#> z?A-Xd|zmRW!ivG#H57^gvT!6bF~$p%gt+tE&pqrSP#0HlG! zf{`QJ(6R2z=%QBZ*>F$77p?yQW++rD^h$|T=cEVx*(`p9_DMjXufyels*uf&=|=*m zoyebgUAfaXYq zQyV8w`YVqFad%EwG}8z}Kt|(@4BsAiDSk*r1M#9Zhpq642+7iAgu2a6w-_fKV5BF*yU)7+v}Fx*UztmLZl4;2zU_BNX&qC;8JYH>5*>UV^-Fd zI6EwJ=x0Ix#tjb{ni?qI|cJ0Ib^uHcA3%a%MYos+@_>XEA$du_o*2>8_y2g}@MG^&o#fJl?Fl9JNN!~6R?*45o?u_RJxcsMBwOX8aZ>pu7R)5YMF zAd#Wz%CCx39MHaZ?}UyASsqqx0pSGXWRMs3wcAauzAvu5*OwIZZRbzL>mdQ#A*U{o z0PeoQu3(KraZGR$H6@{bT)r}MvzBW0Qi-szzC^N#E0>A-+Re@|kECQ2)p0xq?=NaY z&|$LWP{)qLt#pRuIEFzy?0;pzsXSD)2eXPDwnI*O^(X7N9=k*0$7c`C9tWbbr<3m| zYzqR#jOc;&*FeIHDBxZB1lU(`00Z<|c)bsgkHc9^~@h*|aM|2+Q_L%hQSc%@BKfaq_3n=6?=@od+WZ zt;EP<2l4=#nc(zm<@KxsW};JsgE+u#hB`}1nA_4ERe@PwWj5!aLb2%cirzu`21WFM zIwcha&U9XM^!-7mQRUxA=sP}&51$V#4OWl6D=NhzpBT)8JZUvfI?itd5*5{+gR4y| zj+eR}%g%(~m;)lf0T9I1+AY>$#gYj?u9>{qEpC0KST2yP;GvZpHGvgszs$aJFrRYJ4K%Na zPxuj@upMD%8C=M;mEuz0m{I}{yWq}-a%N#|MUIHGgam{X(noo)mp`^DRH`b4V9@gC z4r%_xjnis*T%E>1xZq&|=@;*~tuQmVY?HaeNp5xz#^wNs>hS9J=7}R&5;^s6oWuYV zFwj5UY3|R=+BZ0pBD96VuJjVI*dPGSX3N=_WoH+c2KNhXpwIPaf}8<&OK$&n?mWSO z&s`TFKv>b-Yc`%nLPiD#TZkQG%p^Ka_6`c+ae00-4P3bBZm7?h`4hu>XqEwDuDcP!HZI-X=*ep=A z+bFvD{HT=&LJOA;To25xT90*$Ss-2CKqd3P^#|_xHXxN}?1z9tW_8`Fs(agoW3a&v}M#50B>d6t_1h=gdiHF70U| zg!khW#z!M|=b?02hUt`q`K`WiOpO?fo6@aw-$}v0%h$3?hDyay&p z_a|w6b%9n3Qp7AKchq+DfC$gX`W+KL;EjRZp;lB~{Xic%E^w55U=E0`;-0mTvP#Ly ziUO_v0~a?MnTv~+!dF^7l44arc{p3k>3+~5VS?1imd>SUajrSIvC zg&!kv(Eghd9_;!4U*T;nH(EZTEUBaU*U?`T%&^Fu|L^i z^vDKS5a3;eRK9;lK}97!pRxmoAcnmq1%N1>IAfkL@_Oxn^4hM&x+Cxwy`>Ds=Cie# z4QYcRbFjZhx4<*)-P{ry4kIBb8$kWD!LcjnT>sCM7~#`w1{#=^-mPb!ot>q5dO7fi zt_o)*NLp!RKS`J7Odjl&;wyu=rWEcirhkdt^XQfV090meLd zl_Z)VDB;TAm}m!V)?15Pi|Ke1Hb-8yTz+NMI6bFnhp*wiO~SjR#F@>cAyPRyR)+a^ ze?~0wneUFTXigCEuiY{gLdxJo^mFdW#Ae5-ACQ_qlk?(Q+}<*K%{apfpoflMR1c;0 z{fgZT9~WdFYOYy#e7|Tz#w;tYmZY%6pyxpGq=^U^9ojx``gVWz!SAZD=w&zV){xsL z^kGbmapL;=v@oVhS*;r0XZ7Xp$In40`*oE{7p6m9X;g&+U9|;d2fHHY(-~o!z8h;B zkvM*K-8^k?uKsipkP1{bDp}IQ}*<@!Wcd94bXYg*4e$7GFnVw2Pmj1Cw}sCsI2{|(v`;G zcEf4HSUlHbwmaiQ*LwcJT19$@+Cf7jo|q6CpU zVw=dvQv%wm!$~D+Fyb;m%%5C4(umzpj0R^0pt6=W?f0` zD0a#m9bA_cOH?n$CI$v2Uo|K>M3&(m?u$v~E^k+sM!RI;`W&ty8+_GYsKLAFSQt9A zctB)()69uG^$A@~?=u3;Y7xUDMn>Lh6?6XL{1kToFzauR?SojnL?@$3Tj9@cxH7v< z83Y4bVHcqVkv@@+bp{>BTPsG&$B*CDEbV2i=`%`uXp7Zh98)$Z+JiHh(0nbpUmZVU zNi=GS>!s105KD$&ct*?(FfnKxuA562dO}$f#f(UYdX3r!3N z7>Gq_w?S@f{5b*zJ*Z8uH5j!xnx7qELyueUGP?PUH994!l&VQ}YZ2g6JngHz%dl&I zHzDi7?1dQp>kp@0qy8L1ZKqEDeKOcioSB5ub{qqP&J0vQxf<>FaHMxLM7-kwL)WE1Q?)j4ER}%6mLJZje0g^~77g3|0{0z{3-iiw z$e0~mHYzwINFn!r+*~2MY&s5nOieaAhJ~LKFPyTlc$YZ-;9GZFl3;$jmh! zVXeXD!no|00|lnPnKXy-2y-*B^LGMOk55#p{KMT|oi;d+z{V6#k_Z}NR39k-LPR6K z4Bp_N;ouDccMO%|z!9~?i_Jogj;ef2Aah*TH|J0<2 zD^_zjT{ndc9HNAzUE^^i2{BQAVouYYTD^bU>d4bGu)bix;v*=>58%!1$s2w&#VNx? zYf&~HtgAGFQHjl{-1y0frLP&MIGxwO{bR{;Y3%(>0b`<)A9|KtYOv5YMy3Vy`6WtwlT{jr+!7$Hka3VG2`Z;# zBd{AH>=F!JA)+q^Mi)U~84FeEj!@{{BJrgRg=;V>vW zn|{}Tt32+gKwSB4qE86lJiK0Ukk9nUEKHD{HNwQ)$!~s=)t)L9cNGik8!fF!-eEmK z?fX{^EG#G{oo>lgB%vq}#4;&4@3&i+e}4l@WY>RhOo1pF_GIUmWS>~$yk!cPBhzd(kK7{A~yh^y;#M)i|q;5IA*H$zhT0{-66k(Smm#6`8gi z4i!(XzMRSIo9brtonm8P8yMSRwuJnjx-z~@>jdVUbPT$T0EGrhdNfZQ)v)xSpC-~*;OSc; z6Tt&N9`9WbD-kbzLi<{XLC+NH`k(hkXY2I%?vN@>MV4Aq`ZV|dgu#ZxRHg<00%@h7 zAmQc16BQ{NtkFk4vzY7_OKFFWWYML2vDO#YIbF}0E_L`kg3?lf?#9H*dRgXfFON#1CNY^&?v37f2qzPk0+5 zfdtxeC-iZfRI4jBOuCFfYU##J_r1*mlBh>-qNbZa+DKVR0o5p)cB?KM{kc}F9A#QD zU`Pf79o_IT2%O!qHfp=SN{lC5WL!wCvDri9cq>?O9BEx8+28+Q-oAXX@M@bwv$IF= z6Neyu?tHkdm*^=#D{Lv!S+ey>}M07F(0o**iSsNotwW)qTg=qBCek+)l z=A?*&L~37mB?~6RiJJ=x=;JjYYUg%KMX8wLRLF?jD`dPfv}2%^Ycs#0o%T;{jv`V5;840`HO13)FN}l z#&+|uSOsmfL2xPX!DA=N@WoWwLa#RHP_f8UFdbN`iOCO21k7a4ZuaEulM|H%o|&mX z&bkeEmhKv~&;u(#rukmpQ|X=`Z_PqEj=_<>P)I3bD?rj;aLkyPTK{H*!GUmbji2pb zNZ3k@Jk=Ql=F&Z#IieaN6wHXu2iZpzV>gq#%>4dzBiA1tRt__-Zp}b&dU`5%xWfHnrf+cYeW)U=A&Hmf_dVKg z_G9kQM*R^9GFcH8aoXVTU!aO~zrBgrtN=l*?ocOcw4sY^& z-)?G}k?tPCNLBJQCTU;+q58#phl~1)m7=&o^~yYeFfA|bXPYI?zBu0AzAT(0xZjbst0Gjy)BDQ zd4@OpN(NtSk&K5?JJpkm5y!!smKAN* zW?vZdg}rbO4@`y4mG7DehkPL;k_h+6T#xjoQL^hTwWvP{3F6$?GKr#P2f>EL`H9ty zuYM=v=IK~ zbp}_wyQSYMT)XCvlDUwtFQJQtmMqGvC<+Fh;P*ss!LKUZEJzK$(2x;18gGr1RqSH% zWfCXhyV^Ky5%c(RitKcOf>F7bK`jPa0Cpb>-OybG6!+JH#C5?z5z(|}jIv=t&&~I^ z8YvZIZ%xkSB^npJ((%@JW_eSrpGNBnRpNERbPc9{0luhsF%Fb+^}glS)=Q?ZiS6`S zW$ZGxtmu2%hB{t_MxuMNw0Ny(*<$?4aBX&@zq`K0p0vSIea}&Is!}7ramDG6dVxn| zd}}SC`kRyIP6C0X9n_TWVGNX`00lW9jDS_03e2HkeQ~iOY#_oi1e{^cn|D7; zjbA#GRPqYT(4E~Z;8+4Qqj|>My55RR_6VPEv_VN3^+bLoB)sq?n|NW!*4M;~D|ed> zbz-j2zJx&H1Q156_7{V5*)9K@_Rq&MIJbrT<1S~`hN3nu7@I~R0b3|V*#`Fr_9XbnF6%aR|K>V zPunV5wURV-a*o~kTMDt_W^{yg0tx$pm#b5g$9Mv6_H@4}F?C~3o9M-+0oUNvrR)Mu zV?DSs+85_KT*_Sp9c`81C!oRDER~9->8B{wKH(2O=8*SPOmsTCT`WGngTlYHvIkaq zW=3zW>nB?DSvK?Cfc5lv;_umS1bT!(4iJSh15Xyiz%~^#l|P(rbNn&0b29lTyG1`C zZ7BT}ZJp-T!{d@*ATQsq_oEa6k%+i%7x{nDUW6*p7wz}P-0fg+=T5HPRJP`=9@#Fx zVVmkpfhdkP)NOGu^Qnt^~ zw#d}D=(GEBv&N>!VLtwftiFuvGczmPhhCQakI1DjqDfj-(lCF43B`BxPh7T;cvO zbd3A||Hc7AW8=N(^pJT~v6MbcR%GjMxN9{D+>x!$u#vpH*nEx!AKCFPb=aV@Zk3b? z>-=K{4$-Q+{T;3OS!C>DCxbL7%SlB>`@X3F=7Y z6Mo=C^1ZONl2aH(swe_9%Cw>6l!4P#${|WINkqc!_ek$Q_D94gAH=b)F2`qjV_m31 zb^?=0tq_cn0?JV@qINV1qvpn5j(%w>gVDpe8WR{?PUq)Z)tz2w{8>nn9Ey+8;S|Nh za{QJ`mC5fz)dktSRBmUWlUX1UNWJi4DfsnK!V|`n*w z%1CyRrLinLoH4z?oSgUWp)g}D>p+ueO`+T@^{7iwnL3j>6dzQ~A0N0J)wAYfi{6Mr z;ZS3Lu{?TJPkKUNi)k)pDYRkbB2ytGS^Y(o7SA_h1}GF5%OBhwT$DGRzf6qUKk6FU zq?k0f`Y(Ev!QnfU5eL8@x4?Dlt;b-m-S2Fmy_WzAgtR#tSWq))(Qb+L^tPsrFH|3PN8x5WjV7cg9NORV|6x!dez2+G zH4I{Y==bFt8x^&02NBcX-cIkwqx1#~^>OGf+ausbwQAK8E0}6N`Xph`zzI_Zv`?@60urf6*N#jM4sxnPdN)^sCLZ zVu+RrAah)fu8?L^g%gt0XJNKIt&lZFi>Y*ynLI7C;GAko7YDQ4hEteIB1!pFi~PO% zV(;jLaW8{|SX|8Fv(Ounc{YO|qiBcIY8?Zzh@A&*gd#Y}v;2mL14xJZW+ihr@Z-^=zEO4cE4^A%O*Ng%liBDy^?NbE+x4%}rCPUDXCLqQAx9YmB^B;nS5EQ; z3II$2`-!Vf?~C5KIW&5DdW*GYy8E-WVav52$b?4Ew|`4jN|1E*^kzD}-3yD0ueslQ z=T$4ay`eY2hx!*ba&Fv0Lj_I9;?v7M+`s3&ZzUwG+bKdrza_Tc9I92jtQlD&{#?Yc zF5{uno3qO)5Nm>Z9Ii9=7+B0KQl|4-JM7XB+%ZN_dJ4tOu7 z;z)s9Lh(Vjh&r{9x7SC#aw~g6ls2CR6MtoB=ch|C{ODnZ-%$d2K^9747BCo}<`@4T zrpnP&^cqkzD6rq^;`DuH1-LB105oSjn)vP0c|;!I$C^$4O6PS0Y3E^5ShLJKSydzchi4m&)6Xut%JTWnTMyf_y)bXsYO{Ly4H2j;O+qzca$E#0!=VgBWSsj*G1}{yR%|SMzN#<`) z9jwx6xs(!z0y}})Sx8MfkdHk+-!%1?Pl}I`mbN6UEzB!5dNQ-@s@cD;cXG3eL-mO} zNed@+Z_bAg8&Bu05E7}yvf1pw24S>bti%L3M{P!c5ymGWqS~N)s?D~^YJu^4UkGLm zKvVmEx!t?m<;w#H2d5e5`||GlO2LP3%PYLS;FKS_C8}*jc%q%K+CEi8G;F`=M(fP)mvDjjj%7HEfNfuDgd<85+_EW(4#D{>e(_5={9u+Bj zq!1>3-DvsTUCVfbqngYps&PCM=#+A2(_I!9$2eCLZCXOSgZ8J*j>gBA34h6ci~R#W z9uuHS#HXf)K_TMwY;1I{pV+Q8f`VjnyGFXM<>nGuG_6Xn9UdL+^@YM$4!@h62qh<5 z&G->LL>!rpauNTcK5dqW-O@eLMeF2#MWbqM)f{ouPo>sm4s5ltwd{k~e)W8tV^rhB z6lzj!!x8Jd+6!-UN8Zqu7g^Aj^RTVh=X%J?E6!OVhWsXLkIHQrUr}ieceuV0=zK&C ztqBANLez{4psNXyj)Y?5wXL^yDfP?l=GbXE*X_6606F~ zU5i(o=O`xje4iRw-*D#-m8zRV-}Eb2V!SL|K`)4aw!jdEV;;P38*sXDaB-=;ZA(g; zi+YIhe1GMVmX@AaUCf0lCxsWt*kC3$w~ms=1;LiuaIH=jb9pQjsov5xHvd5{vbf_( zbtx|!?E#$_884Tt%%L#mxU(8Hd||Z$Ws%@f5)zlc^V0L#pAB=Ae7ns7hNI~y zZ^pVZ&)0lB%xdNQyU6`9pGk+iXIG!}^oT|Mvz-Hupoe>_-zHU6vdll@5ye77pTA_w zIyogf^Dr|#JU0SbxXlZ56LfUg3?f`nU_}8RbURMqz4Z3^tec$B)61*g&iiNzzo8j2 zfMOYTTLYx$?WHFSQ7{U__zMbS^ZHRT=WZ{~&w`Zt6J4r}eV`S4XjufPc_m6v$ zldt=KElaxc)SG&ya(lahPi3tso;Oh=*^SVt?lhEs75)CL$*Iw50Zt;0K+Mg}tu^A9 zLOv4&q|s(2(Qz$49_96VoPm;>I;dLK^caX>4sLE?H8nL61^&=P5CQLj0Yi4W-{Lw` zyeli3#-RkS;$TsIQuW8~%KSuEEQgKYm_Qis0X+Hf2p zDK+)KL2C|xZn{{d^GS{@xDko|UO_`?T8i`qL#J3%lTxpxIq~Rv{}2owBbm_Cd3!eF za^ZO|YOdsJI2ihxyq30gs9uWCO>qSllj@pC&fz-Ts7|o12;qW{BsTolzqrBbYfa z&nGo?E`OCxOieqnwAtKFHEA_#L2A0+xdFqi@XuXvCSRb6f95LWx5D9=ppN?NelGI~3+Hg~;q{6#ZISd00U zt^dw4nF0Rg%QG5-D4o!lnE@9)R`ukC^f`U%sCix8V`nW0i+FXAxUnA(8Sp;PdG?@P z{aJ+;!P~Pm1#_TTJm9u#vv*|>0Q>2azac^B`$^~E^?5`I3=I6-7usC@UhlGe+R?~8 zNorOs7y)#(G!A=$R63oojt<^N%Q+}qb{oM4vq@P3_Ysty5xAa#F-CN_^Ydr(5xurT zWYIJnt3d?T6zw`mDJB9RkRIbkQJIpNEL0NP-N!cXme=Q8Q)>t-YoYkP zpdFmsKe`D{pTzHrYJIUE;u}gWmiAE(=60FZa&*_yAN0aoV6rXQ@*1s}!sp^Nf*(9C zfAcH1LO^~2E@H~9XhOHZ??2^gG!tnFaLCB_V=BstelU@MhYY($aXISGEeC+?n@SEy z8cBGBmA!<<-1tFqyM|d*N6X?~cXbQ9Z;&z%LT@o{UP&#m}I{t&cZd!!n{%X_wSeo zZv&lS)UL13fIycp$xG&N+?D<{ENjgo%4C}l?Y}x%pe5EHN{CxxbQLLDLH}(hvaIMz z;qPxKB%dE&)5?t^aidp z&`i!Hew~XM18iYrVg#v#MFQtaVrotu&NClbl+jUF{IPJOpn;PDzf0EfLog13qJ@l2 zk$V8ps4yr@ouw`~G*j4D2fD8|bSkD5xw>s8yhIhe_sf`kI6uqay#?}N}F4{bi1*^icL`7UxN7!Y+h6!9^ng z*G2Xi>usW;c(5XLI4erYz%fv46$j0lDKLmuyZ$XSG$uw)EIWDmYqDjmqPNFIdX}Uo zzM|-)FH)b{|BKboRV1}PX3Njg7g0<8Nn+?uV zk5DBsq%`%{Waap4#E`V0ex3(B6x2&T`b^v?$&&YoQ%I9~nlr+9eFscpBrzY2o|{>jLbj&ULBgpoN8nuP$h z#4ub?bGOye)X;bn)eut+0SRIi)2>y5EQHG=%?l?HjsHWOnC;^q4Nj$UKC#Yy^PWu+ z=W#L7dC>_tU7m226u0%kE%uBcS>>ANI6W~ZJ)9MIK0(b}ek_q3rI-cqW$hhW&_;wi zWQLDT0mLXpmSQ*&4-3`4Cg$<(m0xb$-k-YltoWI2NUJzc)%I>Zx85U4xda;J3+1s+ZMa@oEL$wTXXCE z#K=TQk&Lgw|J#l<|4~`Yjue>+yx1Ybm{J6qR_6o=Sg^#AF%Y z-r|s$2**w6c1^i#zNOm~NjN);<$l2$B$8G0Ud#$!Ij`h+_iSYReQzkA#vmQhJP^BA zb0V`2vqJJekTAK|XmTf~z<)j`7E@ZZ8=`ekh+C*u{T$B0np ze=S=ccRvU%^ok&7=!V;0D`ydEQ6W7HiSpZ!=z2`ehf-Y1RcwM zkS<$*LiEc1#@(Oqn=|#*qoT1#Psdnd<&iu82w5GJVfwy6UGMB1gE8!Vy13cq$_`J# zwQ_&KE^j>kTV%DR z`{r<5%UhHEg^yarZ_e=8=C{E?^xN^|j;>}~TX~u9^V;x&adtZqm34Ki{Psk73(Ai{ zj*?KKiqRAa-zuQYC$&=x2TAy~=@Cp8w*)xrnfX@vh9~4ccF&ruJ*zbsj3KWvV4=(7 z7_tmXPNm-Ytr-U4cHMIHx@>U`blXO9m!(9LD=NnL&VG+GQ+xVq*Fffqw>YFUm1-bE zA*<6@%vck`1f>HLRWYOlS3SKdvDXHwuB6P9?rXaG*v!(F!O2#+Q%U#S)gK@I&CU$y zwMODL8!cD*N(!^PWN`E>JYfxAb{dM9lJ1vSs06j}zjxWx4|8C2OJIt#bn7t;)nF{y zoP=(-nlC*z&vNjEnUfzVpN&yGFWB^I6+t&_-wGQaBF&vC@ZM zDw*%pPiUk+HChc|M{B zQ7P&+>^eOPG_P9bP}I8tF#Ji0Mj6hQga{L1sKLt%vr*ZLZ`^$gv3u|NMDv0QM@>5c zE3B`k;0iuBh#Rl3)+1)!)p~kr)X&FiV11Ye{H0nXk!2&9GtJ$JU zlZHfXCm1(JJRjAGmi%U{ev=rNbEq_2VL{#lpkKc3NOzl=ZR$JjZwrM-C>dZ{^F6lX z49v|&XQ6#((``z@<*w_EY1q3Y5Hs&;-*`O-aWn_Xkzakb7q*Q)3NvThc9Ba<%5t>EXlPTg96 zpUU~seqR4qugRsZCb)ZMfjTgeq-C$XO1Iri2V-uj8W zR9kJu%-*b4GP?P`GF-hoLkQ{nSPIQ63sVBd!HH7Ijeu%*7ka@-b(>fO>Qwj9aps1` zM$uIg}2u&*nq#tfeDwTo>X9H8e0^ta@l*<*m5Fb(A7rgx{NY%XaVC z<44pTXh$c%_cVi*@eO zz=4WJ%%ih2_ek{mgHZTnaj}tXev0+6qTujbx|SAimm6IZ$=Iw<&+xAeiJG2h{ZVFx zA)}&p>x`mkjdCW)iZ3>eAVF*qF-=r?eHIB!4s1OYT#svrTUUFw{`XnlzGBnvrV!Q1 z1r@)noBVj(g>1h;gnlis&iSi53Tzp$IV^T~1A{_$7HbB&y8Jv#8)AH(j2cVz3Tf#q z!=9Z5T1tBoqj5a&vQ%D(K5 zhYxdJR#DkeE*^=0-BRcxBJ1s(W+^Mnw;;|?pveNRn#z0Ajg;H9`v}$XTuTPtn)=8n zC11AWCsA9Lg>syZJGEscCAVKnvYk2#8Y^(!&QDi@TiewAXxRmNU0i=WRptCqTs!3F zuwTU~4TVZt&%`6pYtBq09{kH`l0LIr8nij*l+3MK?W5K?Y|`LLp>U<~M*bMaNdy|L zo?q9YJVi-B0HJuW-$tPd;Exe==b8zuiKtF?EP?m8fLrd;U-da zqN9V@#DdtRX*iY2!rYg5n~;98c(rk79esRl-&b(XsEs$5E9SBx8^};Wab8*ZKd(7M zeZ4OMKglTyZ+djX!@}HoR^g;didIsbr`RwT)yU2GbJY8uvC&qCI)$!c12Lsi%ci?4 zMe#-Aswm+p;?DVeSM2?LI2$nh^c=NtJbM(`L*Ah_hdFRsd6mr46O`pm4h^}C=+Lzn{!}8lTXd9%RidXy6KH?J&zH9Db z6m6xZVRh%FreRTZ>f>o{rr6U(DZwH>Oj6NY=)L!amj4m9-|f86f33MoPch=Y!6;2d zq3Zlhl-hnVh#khf=4PCaM>93CuLol|A>?3?lGSoC@egkK_&AMbZ0SU<#p^9x z;2jb$>MWF*E6z3;NV(^6>?Rd!lg9S{>6+e+&8r-ZE289L7I1`!&UE#ITg=-*~fv@3|&xE*DlKHrhLT`<&G zC1J2xxtSRTe!KIi5xRj&AhRw*yXM@Bbxf*p^2#u>|6ueLw7Fx_h~&{$opAh=!58QO zWJN1VgLbo*q*0AA2eaS<3fB4N2i*+zp-vfp#U8V%w9t^0T=$EI2m_`_f8Td56#}0> z4e*pJHh*le!M`nrE~watGFiw+y)}nw7`_LZW|C()4a}7~!pfbmqece&FBhN+Q#(${ zj6eY5&7rtKMa5QL(#ooLPaSsliDoz85wsfN;L<@-fx&BiB2czrdkm@}DGQO9cnJ47 zKcK0|Y3_^53Qv@~yp7Sw)!w>Zch@z8b?ZuQ3P*ra1{y_X4v!xmx2w~eZ*V<-?4e)b zHK~C^=0D(2b}iY>m}nAx%`k!G?@-iGke{o^a{~4EHNmg|62)g&tz>-i?%X@bX`c@Y z%Jv6+iIFB*92r^snU!f#-*SKV-9N66Xbzk;0&atrDKl6yinVt>^VqXYhTn<9epBzd zj*ck!wl7gp4R%%wdW#bMYlrUqPNRo1>Znq%)e`hArzc-uGnO@VD)Si4CaEDHS2F*z z#hk6lbTi{P3PN;$V?k@SZ<+K?=UcnCS2$&+QBQzbRjL%#dUna_>&@Wsv^|iX?!v<` z(>arti#ek=x`3Cig7?;3L(tZXm@@&5txw#0mB&({)G7|bk_w_?GJfq<2nz@hlCGr< zr=Ve3sQlZ(+?&Hwh;y(mO=JH0#0Li%(dA8Y_Aq^LN7|0<^Y1HDlNHrR{c7l?_7qst z?f{8_OdmoyRoxal^6y@S%6%9%%YG{IFBHa6hDOo!6*M;R3l-2Q)I!qIz0>JzG-$`+ z;6_ZDa-8nX6TTnswT6M7V~uyhF@PI6`*H$l^TjV88c-ov;p1 zD-(OD0=8xfO)2%u4NGPVd0;u!I+B{0nBSm}N00>>Xh~U=o@Ej};#$e-Ib)bqs=~Ip zHpsnP->(Mof3~P=d#_VNP*}9`F5q9%piQKLI1h(()Y2QBc|nu*W4EYcrsafYLg$5} zn2hXlwAsy@kMsVx3E zuWd7xPM4f$q=RMl>fySN-UyuCFm+pr#f0Z(+#n@JAKh4PfOi>|vx z9o~m^XR+8HAtCW8DMgxLeZf%`zWlSZc<$U4kj#^j9TL6rRc`)8Z+U|qJ{}Bj+KstV zXRFWf-<#D+UqQjSJ(W>)k0?+%h3Qr=SrooN8FSOK>I5b5P$+z!|CXGtHbrqcA2OOvV1W?$Tngc^ z+l&C096X&iOn=ooYCXy>5QV*9Pf)J^qVG3Q+Z6-x1G0)rzm58>O<`xxp5W-B+Ae_y`V zWE3?&KOYM)vaT|onVCVrVhlj1QIAhZ5W3nO+|Z|>ql<~cWKhl%hK$4iqL7-6+22Nl ziidHV>vbY9_wq!h2V0>SDia+n3$T^6L3{oz#`M~I3WkSVcCp4q(R*d9H=Rs1~ z9`JU>YH<4YlI{1a)@U#qP5lxdvF|q4jc1xT3Q|Kuk-889oV;pRFp=#!l%Zx=_KWwQ zW>t+iW<&dnJU6t5fjZR+?mUNhrf-7}ZyJ!kKyZgWn#w8w>g{5&8dcip0l>8mZ7zb+ zskEab38a=w)%ah&e6d-n4+X&4nKBiM`-?4w!ASItv27~{%MEP=>t5}&s#jrHX%i$m zr9i*VVkVmJ2>u53AuZz3jPizgM4KKRI3a)GFWitE0;V4$GUjR6G7?Q`w8%Ag6|@lO zWL)nk!SC-0tUkiBIa96FDfW?>?Y59k7P;OtyHl8-;X(HT3QJ08o^?GuI03!p{^21v zZ5>c?hPEkEt4`x|Bmu;>9d{qbL(zF6KahA|FZ(;*?$_3)G##n$gV$g~Ua1d;^+mHsv3*Gnra;JY_U;qUbRajhHJmJPog1m3xeor0? zz^WO#9!WCTZIy35(}#&3(Zp%^>@P(Rn~^K`2ij+%U!JY+H#~tdhl~|NZaP!j=9DOb z{rkpLgXDp8S24)}=b&^Ow4%#mw0M4MQJYsXXhz=rGD2+8vdkhW5neoi)iS!D>x$(7 zTRxOck$U&ry-van&?oR*K!mJ6>NJe+?r<=M{xe6b^VzbmzW@%;dc%uT?ia$tzw96) z3mG$VvU4ga&4|`lrzgLm3EhEw0RhzCk<$owZkt{m=ap0pconZ<5Aqm}={C~LInpUI zn)KW!QFT<}`CN)~-$y1IZ40q+tX}N>Zrx~`oQ9C_wI_D^qu}w{UH*o&ali_K^?{aY z){!9d-Ns97S+3N71IFT07~S*y-tKlrLP8P*7$bPmN~o)22)x~*$!#Q?-~PKpQmbgb zeS8iwG@C&AcJuWcGiGBGv|`eC+V-wA%+0mF55ARAoUoMD6*x3gLf#>@v@T1Pme`aA z4K6#pj&>9Ht!!Qi*#XJ(_G3iZik7qz$0fY(g1Nj5kA%NY8#1in0 z-JL910wxH7#-UlsAFoFOy4`+Rz`{PcK?zz4uU95yNj3N_5-|~KduEWPz^aq}_F{Iv zG9U2HNBx(gmct^UiczF9tA(JZg0T~Kn3|=zv;V*inIJ^}je+@K-t0WGe5!}y5EW1P zmRY?gQVW5F?6dFPc@5|BpIJ`egFfUm3b0xM0kHXMqor&nX9BQjm4MJytdJw`;J{eZ zaV;G<&3`wqVzXQuSXo)AGpyZcAp{J*#cUz$=PF)nj=|?~`}5n;INRr1s*_OS62yHB zuCmByG6)?J6BzNPCXwG0KOvksK31B-yZpWKN1Qf``^Hw_G#+=axZ&prxprT9Bx2(w zUr5H!4ndEmju@@pg_&WCkH9Nn*qyx<1F#SAJ%YN~9Ssx#Lr#%Qp<4Rg08U~uvXF%e zjT<21qY@HMPXgD4oPo~f3I&7ZAi}|sP*Rrm)KO%61OX%5;IJcXx7i^TgTwZ?w)H;L z{eH(F-IkvDE5%etd5T*6SND#zmhT7O>t(R$Y{#Hg7`z9?jodHPNrB~z8+(17)T9OGx`;yS%j9>q*GYbyfKx69?tNv5}-r^#9@ z4%&%~?vJCHH3dt$SyA_4N`HH}^?Z0U6O$PKp3M)Nn&=AD)l;Md<==6Ao$!uqbrudGB-XZnteH+Y_xm9;d$ zsN<25km5@ay>tHbZ`BK+wY%i1pp^K^wu*_U3j1sbC9*;|-V^<6$-G!IYMZZD9G-}B zSj}WpaviZ!y+1|x+UNySNQ{}q_8{W3(hDS@_$oKg&WFox^K$adZ&fHKf@EO8sM+uY za}M`3JM1yCx}L%!v@3&-WGHUUst2aB;uDo`0V`9f1~E)UqgJ1jfnX0k#s-8 zsywM&O4$Ra3SLU>;-$W7a;fWr^iv<}9URA{7YYI;IQX5aK$^%g7F{Zu+LT%yODZjY zA>_dVz^b66nvNAHx?c< zZ2JMx);3v`R3SOjY4vH@n$l9z4ympt8wh4Y2p+qzcSA4{U^>V&=fPw! z+9b|`vLgYY{}xoAxdlX|I*YLXS>KWQTfRJAHTy^1>=6F05A|(IiuzeS_V(c0mp&mo zH1!hF(a{0MHopK&2>mW7SWmJf&XkD z7Qg{U6a8r|U(BY2L^ zC@eLbc6)#7bLP3NY)S6zS%=uYC@4zOZr{7PmEIhM9#)?<+Tb1<9`y8QA{`MBJY7Bb zjW-^*6qeO#hkx;Yi^lhFOD0R60W6yfs`}8$#B6iw_mlGnDj0mjq(S1hsu&UJ+Et(M; z#<+`Rp>a4wOBR<Zbtw!Xpw8VYS5tc2bHtmNL0O;|Gd5e`EEWpZ)7p$*HDXNq!IDWEf?z-z35sBpusBVTx;$D*1ZZm)^bCz&bc z$0>EGc$iS}PP)Zjn z-yx1d{cRvdG#jw^z_2=o4I5+|ZtVdu9bYPyuG1~sAdIs43cHg{{HFs{x^l~y+u z<*vQ0GB~VNC<^Z*K?uxL-3FT3eQ7tMkyku18&n#`O zV{bp9H5J~fG)8MPaz)3&4)NH=H^1u_3z1*~``MdW$6^8lv5lJU!z+H@XbdSXHw8qS z(8X9rmGX(;=&^PKzfm3vh1mvuf%AWNvE;jyTB-;WcW{t5MnREcDm&Eu%WX|2akt{1 zjdYZy#V1laZ_9g*UKHTFBkN72JgW0Hd2_Ihr55?OyNO5bV`~?U%~yk}rYUK)xzhNr zHT-Z>)Bf`un3BCU41T(2U}H1$4*i~E`*mIwyBn`T z8ifR#T4o=7=U2~(S(Oj%9X{zCX3X6HO%NIvn>?cT_~(07&!>KtjEFzG->@0qz4gz;de=U|7H)@W}kff9~L++3lIPK3TKGyZw?r~O5;He2}(~?+`kCmF;H-nGkcBM(bUT$FCNfT2bY+JWsOrY0>wLTYtlCh za3ud|5Sow*CmG*mm4Lez2>378PR}7ezV4(?N=8I7@iH1AVtW$bW^%-B(d#j5lleL{ zTBo&VJ@Rf8{u!;d=)S*DSkD(LJPKv>8L*O8uUCB10ogf8Gfrh1&nT{j09w%kTCup( zfe`}^-20lH#<;B~W!t!c|9F2T%(AVr_>3q|nIFwsPvOx+_T6`8iyL$_;hnN!?+y1q zUg?HM5Zk?j(VHJ#ZT~qCT{te?WPuF=Z-irwe80o1fcC8lNj8N2g%-~C(~O$$hCS=l zvb8fkdxen7pqrr|+GnCK#W*|zd-{2pph)-ctawxrezv@@avswDzZl%x@VFycGmHW# z`a<2#O#(Q&;|O5jwT5WvD56gC{3ovo7Kq|8r)F@0>@-%u^;EErcKq#$`^N~{foZDw zy?Hr1c5nDP9!52e#LiqCv%-@^-v^kq74R!;*V8Q2LYreJA zqV5Ky;raht4h+MVp1zf*$k<7L%Nh{nbTp<-fjLA#zTslQ8Y{>YAT%9CH_zO)yd9Jo z-|1VZaEXgMGVvlOeI8T+B1hZ+>l&P(nM-)%05ES5j8g?5a3(Ja7J3N%;46rb!XYnz z##TWEqOPDpm@lvS!4;GVGLA+Ye_`Y8H!l!=%|V-?4@Ks-LH zs&mFR1(aHm#M_GGugOP$f{JHMwJJk9_-xxB-xcOVz1F@SB>ZT!*;rWUpDAlCEJklo z)S(hg$9a>Y>Xy56cgfsOUf7(0+bDn0qn%uHF1mlnXU(_9rAls3@sZ;df96%PlG2f9 z-J_!@|8_Bz$B$D%$GQ_->iu`t%WS0WR*Ab_e}juG)*LOsV|wg#y+orgiU!N*>l4@m z_1$T3=u(3=Zt$UtLLh7q7z`(nGC37aYC0b39$Rih2rsJC7$#S|_&ne@S{lEc`8d+2 z_${q@KYDM=BMxth_NxjKBZZHSPA$F@sAK0=;;kgzR&P^PuSTnsFw_2ep};R%r_l4f z>UqHHbVzutGp0PGPR#p8j;+gFU+?j_*GkLjo*KKLJ?DCA79`To*A>en(YLZU;v+856ahQHBxUgRf3?_ ztD?z}5V1e5>uzJ;qD^~ypYXD{Q@)W(C>J=HoO{aWKcoB2S06-rJz0J&r8cHnpJ4 zwozs%XgM6J>OZK2R})SC2lG@>=qrDMt{hVpl1++l#K)3}nE#JKO}e~0RzbfCq zH%A=ea&W)v7l>zLw`Irw)LNc_G)DZOg-2rTiT2pfU!Qeu!$hi#N7@CwBk_xT+sy@=x<9utSXjvkd6G zl)lF6ea~L5u0_IjCqpBnd0Q4>|8*hg4E)7Ya<$MhjmC3<_P+6(3ZMFZZ}}=-XKBHt zV`lVubaZrQlA&u`02&z;TRBsSZ>vast-I6<*`B1RI)6|}=@9E>eu&l?;(E^tFE+e( z^i-1GeW;9K##v*l({t{P1sgq&BT8O{#W~L;ZOoojxBI-cLs;lDoIGqmt5t9d*r!fi zz)8T3d@)O>EiURyzODA(wZ#t7ivY6a->gTkp1)7%bzT(PC+BTmAdrXGr(57J4njp< zTBDL~xAmn}rX9d%Fp*v#N#nj%?!L_9Hdf3A(f0#pdun=jFQxcYh;Ygp{0)XfqrFo@ z-)l{A4ksKp@Aa@tvKwI)QXR4dww@Y7LWO?P4~ZR5=Fi9QtS;bej1!A zg0YMulclL}DzoiD_(jsEkB(=nvYLM_q&e0k7F<<0$HzN{Np?%6XrLV5eW+9*Ad;P) zo?YL&e7G9?pF-;gr5VZ3>8zSRDvBR&S@VoT0}@u#9Ag7~@$}nNH@K4Tt!W~%z3W37 zD%|FZqUwC-Wx3^Qu9+2VaD=ddD%=iG;ruL(v)U}j55?dnrKL&6L+_NIEY-{v$zWFN zca9mnUtTGTCvBVe-=G~ zTcHmDvQ#p?-Y>uvIN^9_)oHF+ZVzDhAFkPVA7p!eq> zi`RR(_-hH5N_FX-8YMwCP8SO%pbpNVjnE5fH4QxySHPbqrZbX9D{#YBv?5JK@SW*p z#o-*fzRPaPn9mEVB`^;S2;XU4W{4j^xA!Y)wbd;oe}Xzw;cpCC%w*=PH7-vW2WtU< zvUGN|HtNb8(NBsq@#$v6eIsV=4IPXTCMai1Of;o77t5TkZUBtJVY6}>e*&=pisH6w z&8C1kS_NT@@7z@OGPSJ{6o(ZyuU#h@8ZA@pX6`&%+Rg)Z=AuB z5MAtqS}nXvDcB7WSGi6WJI>^{!yPqGEWx*{TT8dMd)&1ey*+U|`l29_h%ygMJzN3F z$!33I&cc?1Yjf&Y|;KJ--FP1ysUY_f?^eta#Tn-$%geF)RXcGYSb~#_ynlVQv zC|jaGO7M64i0q@)EST&p8iPTsirHPcSQ?(h+J%g>5bI}v%!>f~dAeLQ&RMUT;OM_S z&obreY3w_j&0AmhV>WiIC;6tfmX;+xcRS=<-Za{;-zXWTOWBBTKLwLM0Pr8l&tupV zKvJXxzzVxF5`?C}&@^hGFpo}56q<}CM&ofM#tG1u^5y{hMzMSr5aBc;*UfkOLXnPQ zV1kG~e-1yd_m0M5>a$>?l@c@&q*kvS5kclFTzl*5>-&9D-M-vpt&!ji0BiYx+861_ z|Mqkx2@)Pdu|l2h2R5n@3Iy=es|kp8I9>mJ<@3I0)&4q;ih>lr2&izAKZAdp>xs@V z6f(gC0Lrg)c(MRH7pUP@m+$F%Yf|_7!j*g{KpH?%(Ejg}_Fazu^jdtOl@m-h^b|2O zBUdSw1vLaDO8{7QIYJuu>7e@w9?vNV_?|QX-m^yiVTgcC3n176_U*qo?56;f$NnsY z-}Rp=u)3GK{RIF-e*P`}v!9<`wfF?g0knupqZ&_0NC>!)d*hj5nHe2exGnr^?e6yM zHp_x$W@drbnOx3c=GmTMt|yBL85!ez59|Fr7aje;u3L7}@IS*Bqy^Bf|MOtr*&8tI z+93aJMhFEA8aPh~dUUL1_@6=m zgswJ8w}ybzyLc2Oj2%#}Fa-WAULv2B2GB$pI&V=y0HxJu z4#9K&I~aJCO-)cpy{CT_HOD~8P;_lO4a_HXK-1P2Pb~6yJEwq{EYFxILEsqz*khw& zV@nwskpQ02jM`*E5}!a{Fce~`UOT&i&sAuDXJJUs_Q6ks!=j)1Mlbhgjkas|i&wy< z8DO5_0`g-{Ld7y4H7r9ws0DR6i#|A)G_ z49Y9mwnZVhYj7t(u;A_z+=IKjyF(zj1$TFMcMtCF?(TjU`|R`Xzx)4DMHNLAd~TD70I34fK2#}T85u;CO6~YyWssZQSXoB>K4_pPZ&df)PoPYvGXt2V?r=Oy zX+B>j-fX`IumSa7AFmW12z3EC&R1VRm%hqmg24Oz$pnK=Tguau8`$2M(|3;?Rcb5&_Iq zB5LX|VEvfvwuLzz54#GaQy+l|1RNgsG#j2b5mO|voKuZ9I@<0>Wb3Xw2*n0aKGKoyk7WxfLX#N0SB4E>)FxyY}tw0;m0E%K#?b5WlbO! z3Y4oiSDLTT8i}L)1&Hz=Y<#>oPHn^ZX#n{^5}5rsPsmlX<(dWAk8@1JK9m<#Uz?Z3-iu3oUd4;*lo59T)j z#%PoM9xUL&_KylPS=FTkDD({sK-nGkrGD=KNgGHFhY^U~`>R_Jb(WEl5$L~TQ$I2w zyw(N0Km4Z%gAKkUuyL`nyu`rHq_9}vkfrE?bbh>Z0q$pOG?}SPyFCRs-Z-=|y2!w> z(gPeV(xXwU`P1R`G7Y@YUk-rlh7z)nA6VYST9YVCVJu(n_s1R2$E_fEJodkc z_?%U4H^$24>HwF9cNpN`8rHe`$ylzn#9Obm$OC?v9B4ZLR;#r-)0V1K?gQSNjF=d> z;~=_efdZoM?XBbcU8PSofK2$@10e5kd)iApTB=r z-|B%VQK=lS((CC%RK#U83 zf1H<>CkNnUJ_83$&9vH6e`85 z{5RGZjf~SZ>-!(vA2u;DF+^k|kUs&h5`ZK!|7-Z)-P6U}_BHKmb~q>ku8HWK|0E=H z8sGjKqR`{n@iTvVaDb~HM5cTnQvuAFY41ny` zI5?Q(03gBt1CDQzQfWf(&3`|u8klSF>7?B6PsIaZzlLKB#sK*c3UH_FHEwuQ+rI+- z3`7x7g#jIQc%MILszej7BVen zAm0}~0>Gd)UoO^s#$likyTwCC5A-ha=qDXw*S=` zKSHa3WLq6w%>B8Mq5d{)tMnzX`-+>N6^_@Z8$fa*RNu$3q}v~=)_jf%(I!>L@* z$GZg`aWS#a(g)%}(Beo14k#`D+Tpd4m`vdP8H+nA#B9;l%0r`#i;bdk1^ilzfNIj& zhh)4Tj|UM~>*j%=P_}_+aJZveGnZr@ph2rKpO3!<&PFLhA8*RvjtbW7vieOTo-QTg zI_|ih^XuaWbz$SxuWeDhH#Z&|Lau?A!Kj%|K?w3XvtFLDR5VRfCuS4jfS{S_Zhc7a zs2Jxj$M+$lQmJ6J@2_VDCgWW#PW0BRXZMH4FF-Lf&hX_!B!Y-_{_WxVX3;>VQZKY& zvMl+`i=E4)&J$EvQ5}aC{|<%eFa(5xjx90b<(|RnKn76w4;gLaJ`XRG$|Qe~r*Qsa zWa0SzF<_|{l){UmtZA&7jyprRF)(2Vq^Y`!5UkR1H&If@Av~96q~)LA&S3LPUsSlw zRGPfcGaA_{g#0X4XWCZjS{B*fNN@2kh(WLK=0WHMij-Y;9PL@~cKoZC^BOkM85!fi z04mT=L84E{A_(BZzW~x1pLM3uG>+Ka-Cd1*rT-T)FZAIH8JU_!^&%9T=%0Y4oUs5X zV1i;8C!sEv^JUh|gWY)##JYBEU~{4Omc9&Yeb|OTuYRmpgy(M&>ETk=2F@JI2*kRQ zso%<75gUlMrZb&S_l5PI@4y6`dT+1^W}AV-^R+OV8JgGMrOw-jwdS`WeSJ9+(3XR! zXj&VjOlbR~l#g$_h8i!5+ii<5aJ6fLWnSE@^Y>DbaZZ+H42%#|#l_mWtu?7!I1!d2_$?F9hj)7J;!sUZud(jAwVZ?e=M~Q@SVWWsZY2%DMA0MV#%(m zSqq~G{`ciDm5R${Oda~0Svo^d+LAg$(?*pd)rF+%cm<`DDepyzWkZvzn@BeC)i>fD zm-F3^`?H;;{W0v7c8}kTJkpblEqipXi{r4HVK@3@ui|QwnaGMH6cj;jCkr>r>t1Q2 zqgmd?=I|HKBrXj;8Gq#<@_~tWOYq)!mab{ZphG5_T;RpU5FNM@>@i2YamJsU73)|Fe5L2MjP|M?=~uj+gw3_YWu7HQP1M-$Ct z!O=;>EZssHUJmujp^uKf94ra_NiUQM4RUSopw?i88{23@LCKRID9_^BG-0tiHQFma z1i=`Fn1;Nv)@Bb)708x7_~>GmXrH8|BfahaYbE$&6YO2RlXv3b!iJg{Ht$N39s!7( zqKSnzPb%MPN4rx|5!qxUwXJ_h0%U0ums27Rrm*=reKU^>8VMD%l8RF*h4v>?0#n|U zT`$5~yI#1}MsJ>W)Q3yw4-YfN*8B1a1e?{xt%sWxS!bucS??Ns#}PFy%J38~L7@Xx zgtU5yZn)V)v~v;=923>RMjM+{?vp6@9$d$9Q+zI`(9UmV`eSp{vk_&ZiynpYxqH3q zT4lDz00KVY>APTtP*9fL+RN4@;Q<`7qs1weQZa)M&I^9|1flU@$yJ-ZBj%0wa|qjV zy@8lEfdI5$2apnpgnqrrWDM$Y{nfM8W5yw$4=da8!CP9XnXO%H&dutI@%7|x{vNxn zui6`LB)9;{&hYKVGxZU4>|o-c(&^-Sdb1nIJ{a1>(SjCgR%D;%qzPnBKeq_4KKA*} z>VwC7^4k~;~vHZ8-0?ym$B_99MA~)m_^IT zF#u5Jr2Zc?8Uw9-?_$DYSVGHuqP^CYl-jC!!K(p2o$|T5@17b<@q#I~tzrOpU z8sfI5u-4NaUk&m|u$T)+O=+0k->7%I9WxLtwk1Da+8Tp6;c2accVl+*0fm6FN1^Ol}EgRsO%k6+IDbbQ@lYYCzQfT+xcBO-DIom&1#6^NdcgQMmNfxQr?k`>_7%(j z9c%1N0zi}wrTrxuMEqUbr42BKbbt4HC=#$mLcQCk7~p;krKH=;;JG3sfrGD9Qtu>Y z5d$Rlf_&X%c`UxEjJdi(#eW24^-?P~TL!Ye=*P zE%V;H13d5UzH!oM4b(y*US3aTcStL+xtT>1v%d%^C=h)EABcK5b$@5(;6lEvmu(u! zYI>=N$A@H*r*_D;OJL*TO8o$cn>KiS0{z?hSbT>DC9K|Eg%;}s{;+%16Pb-h4OA-5 zX;ZfQ$n5qazydq1M=saJS>|i*cw|hH>^G142G)hpz2yqL!93 zx*y{=_KYeIRZ$KhA#qJ{BkfZ9>{?>ql9c%c%}d5m(7_}A!UyZBUngSkMUM$!M0ZUn z5~ozbmYUf{?Of-*8XEVEe?mUH%Z0gNYRq^7NG5)Jf5*@c{gKNiXK>*0t;{EKk%N$_ z^n_>iVNgQtiQ4NGzz>1fWC8zWp z`hw`-Z+gB5KN9leyyJ*-`20Y0;%AoT(V)eGWeq3JFN;R6n4pW(@kBUxM%y>{3?8S@ zg&+h{V1^~r%MhV?|6E_@$h5*Qy@7B)NjD9v5H+65eA(~GH>3`Jx4knQs*&(31=3av zViF`2Y>AyFhL`jClC!j4P;a6YxrRUE2O$bQeAtr@vS)ZCl#Qf$~n1-OJW(?uxX$UeHbQJY{Cck#zBXUiSVZ4=feqGE_raT?4m zX-*fnTs;zJ6&E7q4EwPHd7qe8Fdhtsqbwe`dXdzajp6ep<6$*3dlvpBb;{sOjM5x? zE;8KIj3^6%upU(db!|hViYE~Al_g8UO|b| zgH+t7zvXdR%mQWP0j$2)S4%4j?>$9&rGWtgig7n@WNRFP-Nf0BIL#@c8}DK98alae zK{IMso3_VFl@(GTK7tW|%?bHrL8c zmAdWgD?d?y9xRq59@0$2MiI1-KzFbq8aY`cg-^w{)P0pnEst?GXhJ5yT7N727nX~M z<@6rbpoH1vC{(^K^#KM3?0JTG@;*q8nsGnM$jsbr&99kWl3CRXUtgH0OPp}&3p`{E zj2<&su^{|7>-#SR6NA4gG8w3%OZ_%-4elNyZ%^zx<7N~8Xf+;>rpewJOpyh;eaiF< z6B;O00m+{)FmUkbKxs-Ug)1?6Xvnc*DPWv*0R>eZ-p1M6Hhv9if(ff*xx`!vS1|;; zF9{YwjkA%7N2ScLyWV1Tp*r`$PYod?+%0PEpz)FV9A2ij&W+YF80HJ;$nR)=vL5Vz zrV_vU>D4sPk#dx>CdX{#xNA@!KAyhs?YkW4h_X7|4(_s+rb;&x{kk zn|7f$>}~9;)Gm+w``ee!f-x0eC6t44dih4jZ=L|w8766h@=khgrR9W99AK}i)<2?8C z+k@uwn~OFUvzS))STJ2QLs%TKdqi!@^FJ}yQ-%}1%+74bDUcAzQqd0HYsgEINx#rr zm=u07?f0azVYHt3ZR-m}f2Ou_DB2vuVpHXF*D!5DnS-$XvEbPps}$+qa3w%lgfDBh zh_M*8)%}f=$7H|(7yuIJSLx~}_82+pF*oX!i8n)qPCHLXRjb7*P1-gr zp)p|#B5$Kc)b0k&1dIl?esEf)~6y8ricz0R=s0jn=5s4QEc&yUI+ts7*#)8za2KYg<$dUgriqnWxi6!xk@+U{IUkzm zrmPA!D6f%#1S==+BUyIl`UKaYvV!MT;j76%{|eUEb|)I-b)@8EWR$Jfwve2#lI#Tg z2EoGXz0ZYfrZQt3$pMYTS?#w;C z+W%q!WM66KWzzVEP{|ZA)!;_AT_8ySJpeF~xjl^YW)u|buSy~!kZ(IXOAjy7BKPS6 z^~Sl1U&U*xSvlc9{NQHZ`&OxO-Gbw1_j$Vt%xh|Fe13#W4bTS-7azdXOa#nHT;Xs` zb6H^NQd3}at1?G2eaZfX{k4xlO|495*7#=5HZHCYW-+t{?@`*U)b5|CP0wM;9Wd&`p>t zl9Mo@IiLS&_ppkz6$Y=fgt3xlW-r<5qe4)1W881D5C5>`O#nml-B;X{T_S~9Z=|~% zz%gmkuo@XDn@k5zd{*6vXU822K?+YQ1QMU8M?3@VW!1$p;Yjq29z|5w9oL;O9&$Gq z_v+n!W?pp$wJ_6f!*@8GrF7$DL<3063z9gUr7`?I`ouA*EM_Cq>`r>o$R^&xJ29Jv z!0ZO0{bALIxhmG}HMgCtr{^*WKX!BDaz-Y-drL8KN>|Grk;g44EWUL-nP425vLH}u zmPP1r@MHOu4sHqh?(uSoFdDBDhKl9V*13lLiNTdJxn92ZVc*+Q8kyI>To|<5WAZ;G z%ax=-Jdk~*CG5{Up`QVGX%?khSLvTxU+P(1qQYeFlQawzNNOn0x&8ZA=mWfvxI$uw zr%-W$e98M3rfzeS za#S=pPQoW~aRymqIRpx2v##M-hQR=XHbN|D#eDDwrr*e+%^e9Dk{ibXF{o4swcgS% z-dzzVLv2o;U*}ZHw};-}@I#FUnlbO|Rl%)3MbiRv0oHht%7n5Eh*Y~=nvY3Z9%nhn zn8H{;v%O5=lJd;=#~;HeDfRKIVYF&^ZGVvT3HMi%LthgxN5(9mD3jegve5L6`cI&# zrS9)A%12hhU0saRTypL`oK50Viy?)hP<4RUmLl?MDHs|uFCRsK0g@p@f6*yE%rcNK z5=la$Nb{|N$}nIVL2LYu!^+KAhr}h0vNvly9WGc|j8Tiq{w!*b1`hSlM=@V5a5HTZ znB28yXE*GTUjJ&oF8>>P49 z!xa-U>)-B=DN?IMI!EAg(fUstod0|u9HtYhmRrf~?-RqEhXX?R2llX6BNNPj&buld z6h3e9FKDRWb+|*z{#|V8cdwt?pg@+6R{zkcWfHnbAA9`+a2HGvOUb24gpvAj(ZD+2 zk6+X9ZMZpV-F?OZCifk_31SN*cb4q4DzWUEW%=yU2^1Pqz|wCY=}a#$r4m z&lY?%!x5J;UgUihH)49ow*)`Q*I%Ka{GFXS?R}@yWGX14iH`VpxzRAl)bhVF5FaUL zwXdJXHfi)YzCL~ls>m;xw(0&-1HIQhl?qL#GIYV!icKw&hO%af?*AimbLK*OYbgNE z?Ik;?uCsXB4Se0zUis?1%Zatx!NhcC;3iU!#Xt+jIJFk+93PTPVnxf629JHyl|U?C z;(agpSoiMDYD*CHhnBwSAZCa)%eeETl-CAk+tPRW2w;&R3PVMe_5U48kEX5#zF_{) zH$UNvP1Br?Hf(`cdrvs6`Bbti0h&#{U=I7XRHR`HLcE2J@ddti>1&oZjH7~Y6?AAW z@5mQ;8bew@bELyW*2<=67UXImwl?PBfGQOWbz7^KIk)PIa5ih`pi>t9y`+K7X#ne*oLI-9cBz@T&;?T7Bz%_ zM&uAVLrCiPe-}1D7F1ilh_bW$oxXJBV0`bH5p*!MmY&SSbdc7V@v!JG+v(t9lEy|! z*%g8oHFD{EL^6&{h7VES@srDCJIrE%zUa;r9O+T)H3S+Jt3lcP8FLEMJG)oa_jDZ!AjyXt4llelwBc}02EKE-$?{5&Sk&AtIBq1NpLRKiy%s!Im&_z)|UU(x__jn)$T&~?r=v1*?{v~*=r*fD9wIaBP(+_ zh*kkZPbh-#ASt!jflvAVZi<1NWwq0%YVTh6z8lDFq$LYI#c!GEV9)qB$@C*_eENcU ze%*S#+26$Zl;5DT1?#m(cAB*ft@$bg6#&D){=N}B@&4%Z<0@*2R2B;7WTpF^S$-8XguFuHH&l70aMrDPRPcC?2kCOIa|UQx_v# z4;nr6>hWYhIEBD-$3^z{`qVJ1st9^VUmxHBhcf&^)4RVls7Os4wY3!`Yz@|pTUjd?&%`AY;cmyycGB3&&mH{RQ!ifL!%hWEp~1ibouW2BXkWR?Q>Eco zXSCfu_415shhdTKzlwv(}V#4!c}Fmz|hoW zxt0zV$0eel^Zm*bFq{TTsi*L1<7CyNkeeE|aiwO+jL-f~bM(}u)narJI#si{5Z3Yz z4US(k+W`91g-A#RIa*++Ex1JoLeJw^s$Gtr(Bne!&Le;FR1F?|01gp)wCce#ms;A02e!V+IQ>Th?Q2Xj%r~+j9sgA0eZ`-MOF$>kU5`E@P7 z^OZ(}jIoOP64HT~8UH(z`hR1_#us3|OJD&Q84HMjb{fwuSN>$qV{b0Q?OrsgYJ6st ze1vG0_=-vLMP7m2kUWb7dC72ve$$RmQY3v|cB>Ag`Lp1|K!rzyI~JE2ZjQ=*FH@;9 zvE4d%QeNJqydx9~|81z|a{WI%?GsHO#1mT#q$!Zhtsm|r6XcF&6CB2s+uyp-L0i01 zpJGS!ex{H0Jl2luJC?iQ*<|oWjE|+}n!MbrvkkFV#c$l*&eo#}pg?O~QDul49P%q; zyhCQ;ewn;-#x&NH&XnmJ@UYjDb^h9muYxO_b#V*bMYNW$Jfn@Z_94`F`i8r%-HMng zlb*9!e~QqaMfB2|Q>uixxRebXp=hDjgsQ(hq+pK-e0ogY0z`pZ81L#wT$KO5c2lqj z2}MKsSP7}`45a+&M+nKdr?MlTg^xY9>Xi~L!q=CP6mnL^C;%~q zmxb?RRt&Wj>yPaEZuT|2?wVdxb*v4ye&1ZdC=r!=$pQ3Pi_iDtwGD2~`x#~jy$E`+ zVR3aM^J!!pk`}5AbQWZa+J00HH7;j0M?*Ej-_)19DPWAm+84K(pm;b@Qy>m$M2=mrO;9hOM7{-ru=UL8SzBW(8x9`8J~k$qbV$ zcvQI1D#)2KQd*FxF@p4ao>lQu`H-|TGUmJ~8Z3V-=--SaCcp6?y(kiz`?8ZNV}4oj zgNJHsF-G`-evn&i!(6e~P;#4IeiL?4(0vamapWuF3nNnS5VqDE?XDbp@W5nhiwj@G zp~IieM|?osLMJv{y*>C=Rx4NnfK)z-!)Ibjn7!im{oi&twN4={Zc;JI@}mV zg2xR{LM#$6b^3Gq-w0TPHH7u5?)yfWnj}1a6ZnZUPmqd%ewE=sxcMMERjTAhNC)7c zYr7k;8mMR_rb@hCs@R#(gjS>l2T|y3kJ**g{-(h0?k;wQmr~0qD?c%%_?Qvar{A`d zTlJS$W^~=Qd)Srygkvt#(OHN43!c~z9ozdV?zU)NP&#Rfn2eQ8lL;AkR=Kp4l#mo` z%yOI?wP4ZJ&ezo=$wA)OBkz1XK36jJZFdFiUGVhScyb!!8g@-}^T82hz9)F_0tpD7tQf$R+ z5jxoGKUS}zFiv@>@iGLK3;XBS)uG24%x_QFV@kO@vq?Fv!0;04WNIjh)nP7a1Kk26 zqYQ8#Fcp`ptKwB{YBI7ey8coWg_H051mYsDrOKw;gsNA=Kgq2WaoioNIXEWMC-LP} zRf7SPZsW{t?+&_ zS_Wyy^6$&a3QZJELI;BtNG1D8r?Tn+P%3Cx*d73jN$>e+d%Dty)b61&_OpB(z(s6b zT<9Ft0#FyKIZd<2ms)qx4ed^X!uMCS3BG#tjQSK9UKZ(E<4FUze&zO$-@%zKJMFiI zw;V3xNiY6YZiSTS98)*K-yP-u^ogx@1CuMR@+A*v%8)Wn?-GI``K(h&PqDv#8=n(= zgHkVux2vzOi+fSM;FQ&$-K49wACxqGHK7q?h`(#}B*k_oa2EkCE<8LAdvIJf>plPj z{yBpR6a;AP1^{rGO+ZmbSVAJS*P-okI}92I81|U|1sO$UJw3*cu2M^=GfU5O+Ni)U z!U3^Q=8t*-_-%R{Tw{lIAmvKqj$*BG(a#bT+Jus20G9vKLpB{7C_ajx%})3Q0b|9o zJSQgT@v%|M^i&B7I8-WSA;8FsOx{xw2qpFS?q0C(R5c%3wW9B1#(K3VbvD$jnCHR< zctTo^m7a($112T)@?t1R(%sucKYk#B0P<3+p%b2-p7a3G36IYkkF9JEm%U1r=CcuP z@8Iy&qL2uDAimb;1Ape>ycdlHCu^`znu_^vPhbKisC7mM7K=C7IYy%HehSO5wiLDH z4A=fR8Qq5;-M9V7zkdB+zEOZpO^xc<*X%eFF$`j%{Mb>-(X&V`ccMmHv}J=-%O~>{ z#T(Z2{Fa_tYUcHPNPVVqXfQv$(dBezy#`W?|IoMuACC9*_~BO1)=P*`jqxHE{u1wf za&duYwjvTJ!q5IWi7AEEN}V=<3V?2b*goHyFXw(cfARI87mdv^fBdULiOPVF{j{y`<4<^-oAR+f-ISaC)(abfySJWAL^ZTvOLFT zjK>v1B;7?56UPV9uCynO%`N;k_43i2Xg86~vREiFa>d^19UNG_6 z`&~N_PO7a`Wy*Zl5QxVS&sUrMeSLk+Gd1{j)TPe1wti3ListHcdILx=44E|c-++1u zC;%rMxB_OJ7f9pwFP|Z2*zMUkpLRuV_zd=C*kn8FHc3R}+GaaR@V92`>>SStzwSNS z-CC?*(55afA&-7HeXGjPI%pXAsdUymBKepCt}cJdAc&v=n$lU{W=?Fahp#XNEzlHk zLERC1oh05kxK!e}w+qr}qtf8CbRN*h*cO@5+RC+Q8l_PH7tkGdM;^ID3T^~0R1it5*i8u0^;)Wvgp3~AQzt#?sGI2K7&5ENH~`K)dxT`((emK`5c$>a?u$D zU_Xa8bg?;JM(A8mZp|F6CPBNw_~u(U&;@Pn?7Fi|T=b3}x|1*(K|KySLVp!X3B&Nh z{(y7g50`4lL&%>%=2ljAU=>LU_0&P1@@}X4A03Q#vX!KdD)R3wfZpYvwx_ zBmL4b#$Ybz5X2|~*vo95Lof@n)ip8#_tRNf;wuJ*vM1diP%ua$8X94~&G&pk0E&7)OTIx0ej5g}}Ofb=aNZi6U zuOoD+?yrdS?5B$X2M6B-c!qPloel?xAfK0j-vl-mRxqI5XaBx`x7ND#@O@a{NTJm^ zDNo^P=3#rsj+KvaB1#j|B{MK)oGfUIf2L|E_h;0?PPB9fasdO33F zqNeQ%th6fQq5897JrZgWj+Wg<%s&ZNyV^o0>a_>?iJ_1-M6ehhCCe6haW4k?w}eEW zG)Q#AQclM>gIFXda%Iv7GY?ifb?$6K`HMh%03M~5?e0GmLlYAf_27(@6xdH(e(t7& zc8g>2a?X8;Cxan0=Zcy~4&>0m_*N}7A8C!75AzYT(B)MFV?$fokU{;A60kmOL}r9k zsrSou$c;3LzrN*3ei*h8u@(RJ0HcHbB}d{dAZj67gHHl_a!5v(+Y#OgI-o-r1E;A+ z4IvEFA*@2^Sqz# zW(yq(y0XF@O)|FOg%k1-fK&kp=g^7k>+322fd{}hloY#KoX>C~@wo!Gx3@z#wAx&& zm!A@TXoZG{!^7iqDsCl&k@E2o&bXWkgH5Cya@f^w?vz@4db~Ir?evCD;;SDGjQ`Ou ziLj^Xl}6t}|EE18Y{%Hd+>k}|&J{gU@6r69hiROz9E|TF;btMh;qiEZUD{nmu2LFn z5X|L|5Aign#&Lh%3c%;OH1Xy=xhR{Mb0$OCkcOi?<_EL_Z;$8T0A0jxC_;c~{csN8 zv7xC|Due;uz4^t{fXg9@OkIHg0I>YZ#71xc0tG-!2>GGak_BL;KOHD48roEmd~T>T zg1CVIFjJS3swX_eVr&11`q7oxY++WY!pG15ci$+CX(-F$?{e2KgYuYKZi!-fa_Iil z_6*)_^kd4AUq`7fNGdQ>uv}5fZig&VTA(3GW!8o|74+TX6Qy! zQ&U%ezI}frHj}aL&OihJ4hJLP^$Z4JTAz`F>%*GMR8@AJ(^rYVuCMGEYi%K*<)Ybo zmss)#a#T3oUvtLCjP4;F5^Q@FI_^K=*XaS@9jP` z9c(UB&dGU{h4rL1XEojQ^pmtG8y=YZ!mTeCBYiO`rP za)V-38@KM&w)u%X-dVe@(LuFAuvbzDh*XiWCy1j}CJzn9Kx9Ou@q0{cL_MC^VGTv> z5`xfR-=>T>jCP`(4oj(&LqoloI{&Y#+u-myc~(LWzxdAg(86U|fi(=UZ!BT7XUl^@ z3^_ya3>5u$RLDToqly>qb~v3&-!0G^5-33?6K!1k@^#}aH0H1tp_D>jn0MHg1#+e zw=UenTZ`Ue)17LKJJEV@M1M^()10;M6+sh|L7hwa=8x?Z;+`EQn>Y7YWra|J^ljUN zywtUgNr=w)DG%u{ye)qgjbyb%Dtq!zUaqD)-q;KCcEU)wm?0!>plJ{Ob>mjsHR&jX z67TG6nwMCHUBd(|!@+F-=u#t+>}*lgc&_sD z8v@}{rIMH`-4YB2oI%_Xi-9l=c`a@rFz7rcsoT|H&7CH_SfQT)HURujUSx6mz)w^4 z)K;!vXXaPi$F0N5SC6)1V>ilxFn%67os7B$iXCQ5{6OQ8h#IRQoC>A;^vv92fwH*P zy<&7|y$|1by#2SR9GI}pKYFw`T2_okn*JnSV-^L4HDT#l^~7R|d~42yld2r2 zjEb}`$uRNPrgG zg^8Js^}5S8c!H5J36(4NG3!O8>P$p~jv05OqkTrF~pLGHMJhT#Q(Rowu zood}f_I$YcA=P0Ey0+Zl?c0yhgn91TFw zb#yj|zwUo9hR^R{V?SOWE8SZ2B7<5Df(_yk_L996leTawL@;`A65vW4$w?eqtqt~* z?2PcYH5pJ$`}u9|m*ES`%(6nKDS4oRZG`Z{3H|&zAz$6^r^e-+(-DM3GGO!9lb2We zz&&q$J?du(t+|sP1&r&`PpeG%-oJK-Yo0_MZ7oO>nr*@3R?9^WdZ9!`pn@by7ORqq zG{9g}dW#ol5o9ST5TdBl+{nXWF_z&)M{df$o8eA3xBZjdI@>-Pg*&lhsaH`UXmia~ z(ef)qwu&}5L?bU*MuP`jD5fYP%2N)vSNmh^Du1Jna^IoYWLa%BGX56}aFp76WyZNc zIyPa#*Eod$V)9L25O2EE(r*dKl2zr9rO0FFrE?U2;}E$E_~~B(SrB__W)!9fjen|% zGzfEm1Z5tUks!wX&0O}M4wL-b2J&=m{s%P4%c*{JsU~my@=RC3*P-u*&A-IU*vjv~ z2Te$j_2K^|TNnBr90I)L$H(oT!r&rARXaB|=?n5R%>+lsb2ThN=-=4=(_q*tm$5iE zf0eD?F?KB0K=|NuDW8zbm+%9<6k@^ZCeIu4_w?xB1QEScc{e*Xj(|BHCCBIhyd@G1 zc%8f^?DL|lwMr*uV4804Vw2j<(C#NPkyMVOr;!v+q)*I1TT?C>ARU!88p`U>Ygugq zqn6O3Wo;DRo-LykEx`CKQWuMCrDHN(Q-$u#8yIeY-lPqR1+i1eM^t2Z(PbVJ(f=Xf4`xM*g8yX{p zF#*t0(Z*p7zvHg!WaqcCl8|UOYp2zvKu9m|RIBq~i`?JeZvLIw)jOzjvags`51NIU znuLIQV8r`Na-)!K`?|55o=uO`dBOwYM@7XlOVXz~hcLfG`#+0?d=yX7fq(A^5O9ia%JN{bc-zYfwO;O!lvKUFM5se!xCIa4`N# zR)%8xw29emtx{~rhezsdM4vxO9uNAT4~;zU@<7qHt6jw@Mx&xc0XkK@x5*jZ9&2X2 z|9v8?`f{`I4%vuhVo$h^-`!b2 z>iExNE+x8L%%9e7bWF|FqZXnFM8Ov5Z!ffh5UsudDRhYA*|2F=A|2BQX1409Q!nIh zLcGCs(;X~J3}GI}g%~`kO8)|85<~CR#cmrWs}KWS)Dzh5%!ns$oseQ-vKadn7%Ks9 zcy+tGl4oMH{L*8U0%F2@P7o#)re$cYIx!=)gs{%+t>PsNA633u$Wf&_opzOfyO@!? zG1WW?oc}TplFo;7iPi>eJ?@_WpO{Pg%ST?#%?S3m99&+W8qfuw4CxmbP&u$a!kkWD zzI^fhCng_sAuZWk!sS9=_f}gp*HpT;!5+JA9PllhOsVkii}s`PW=&zD+6(Fe$#coW ztoLD~SZ5nVB?0FjfppI9LJmrV~w>V0>TIgD&5=&Ub~vXmsTwPH~>#u&vwh>ub|RvGs_+;oGjRr_URtjAk43rkzhU zi=bxLw2qj2HoEhpqjLq~;Ti44pZ@I$wk_jjxJId zgqRFuPHuANuA$e`q|#K&pDJ4pa}fsbE-Un{%ZoW`e}&nA0$uFjTZ@Iur+DgM(`7hN zD~hUjnK38qZ;AxOUt=(Yughy-73W8qo?|L2cRWsbc`*(;P5&e|Uhvz?A+N4U*L7A2 zY^sB-vmgIw#|vvq%hlo&nU;%WINR%~6LR69st|m!)pSXco0~_=6|Fkb>_wx51Z1&u zH78Ug#9hfYQ`Aq_2EoFGehHIQT+*+1I3skArIyafNw5IxhCD1G$>4Hh?3&6wIWnF> zsGbv;Ge*&<8YLKp(0q|!lC7#eo~NjWnWYh}LFaH&7SiqY5isYWJ@^3h+2c`2A0IGD z+vRwXn=trUXIFccwM|rV;ptR-#)gVD)xs6WZc*kdTsbWGynDcAyEo*013?HjLSx1- z8PUbmE{Y1Bs5K`NCx4h>HoR2LhKWY-rEKldYE-$bbGJ}dh{%EU5z%b4VnPw}_U(2M zvah}lnY!cZOvFUrvXPzVmuy!i$S>p!S{%CC!(e1^_+PEH=IXsYzalbE!|j0`Z3!2r zWTa@QTA+9vo>cPk&e3}LN&yy~pLg}yaU9k?vLDAoY->Mtmb?|1-|Trtcm{nDmxr3B z60{e1R_w*Rf4Lm2-|f_U>wc(q-{5Uw3;whS#1No`uXAPuPIA(s%pMRT`q(hHM^u^& zeUGKe8gIXxn%X^<1S7ZX%IU|y5)u3|-*Joj0g1C0a2=4>#-kB8dmGNESADl|>-Yi* z&7Wax-b=BX(G?OWGdl~A%{KeXIR_nZ#;bnkhG{iX zF|ZLyI2e3sJ6o(InF`6tFbl!};u8`j>g~qye6xDfYwDhgJP{*LuH+l;5nW36^w`+% zJ6Wvi^6Zn8kP_Oxwe^adbthC65a)?hFRw7eH2ue@vh%n~w*_ZvpNx zKFq`;B0IYaC}l5JeEW$Xp5T_{qN%A#uY1Z#qrDF16BacHjIXY@j+qfaKu&kqyfy0s zsnCpYld5s*U=Gvq( zsAfd_nwgAesRSVc&EsMqij4$xQo7rCJdh97;L=5D7g{)S{tB7QB)6_ud#bbf-)X#by(t0R^=V)nal2I=?lV~8r%5?n&% zM;U$2X{ie%qpgdB@m!}hR@0d?C6H;%KMqG8Zf^H%?0YY!@d*fmK{Q9dxlQ_Z_XCLi zc?Ykpn65U;HL7(_Rm)R%nSm^*aJ9_=im;$C*P>Sj`jlDgWItFWaulKZI+Zi^DYw8H zkAoQTNT;!jI<--E;?>R8&MD?i;jT@8-c%c;BUVTq=jDq%|Kd0DLgSLIU1e?MKo?f4 zfwyS|sU+m6ZT&>^M1c14hHAOinkTI3@yM;7Z^czDlrT(CV>;~y*+TGv_|akuDf@8v z+ZYrS*d$6|lVseycF5y;|8$_SvcHzk4#^soX`^3%2m%Yt*(A?x81*;@I@**nH*W|3lX|hSwFfZJwa9lg75)IBD$0 zYRtyAjmAl1+icv}w$<2f?AdwWZ?2giGw1iY&RS<-uf3jIcpfesmi{aA#+vu+(%ODc!Bxy|ByihyC$R`6Ry z!WSh#{(6I5i&0woPd85pf|$I(LtRn^!e*n8!(@MYrGT#$eMN%PyQVw{LA|FTfS2vXL_7gIvLrx^$3$x$KPi}y)mZhhdR{F#$ z8p9&I5vUC6Z>C_cF){ROU0rE%h7v7M3#wqCU=O{BiNTf^5%2TTX>&75NkzKo*K!HO z;A%7^_KAwi438PVeG|rOQ4>?o#Bcr^5fk$-q`1E)Aujws1*+hNY^sPx>)xvXF9e)B zg0UaSiq}+&`EalX7#BEfDV@qAYMM@icnM213M!mR9w($Kq8%ED;cO;XVkz{Q4UtimmO$E9jA#8uQ9V~ik4Y$ zo&H~!OodC;C{9u zsC+o6q&Ug&>PgX!i3BX0kFKLr86Uu&2<-RvzX3az^$+LKPrq1uO->1p`Vxfg3Ng>V zJXIIP#ac`I^G+}~_XD|tdK<)F!v$;o_2P)u5g6b63JA8Xq-1t=x!P8LW6zmp< zeV=ErbD(3Q>(yFqB)G3%xFo zO_hJQ^|~D;;q!gv3Ak1Hsb~spZ>ogk#I1Qi&wqX#J#Ykw-_*)@<)5 zyXS+x!Ul4U!{o_>%_8HN?=j6Dqd2%yJwsKu^j2to;>^Nuw=TPgEG#t*DiKThpHFf& zp2$Q4E1vhvTwa703qE<2xN4+w0YliiBDeO5jh{1O&WeoGiE?MHB^JBvGO z>fbV=j!c5@UkJj!F~NQ%rQ2$KNzDk=15IrfVsBOQJEdQ+W7DQ%F5by{#1EzHL_?M zwmDF3uo2~J^x7SmGFP3=6J^I*0+t8yHa0n^7fnt!)Px%F>`Q;BQ5w)Q6fgkumy67( z{J`CaU<4&(G9KOTIvI;DsP4>mgovQHc!ch^AwdPeILsCK?bh`Z z55s=A;X>D7p4G{bF;tR~k`lfbtpT+0Sh}vygX@_zEvuDy%LE}n--vo8W!Xi3hQ$Pk zuQ7GL1jtwEifPRLHJe%4G>;)gAwz$Jq_!q8X-Q%LdZwWxWSRc=?e?3SMkDy6iJ}{o z0GOVfr`)nQ7YR^*$#DGo9$5`Q_0{{Y3Y~lUmFXhWpvra;O-0qoR{y=rK}M@y!ur-J zBvjNN#>Off0u>2?vS3xX9+$YWOX7tHWE7E~f>$(wBZRZ@0;D~5$T@u_-ZT-SVH(@M zn3!Jftx8XFpFelG`TJ;@!zls1@#JeCsNR7n?4tUj|0dg4+-x*ygrjd5xcqe|0ATf7 z~6S&i)qz8%1^~qVSX_Ypb+{RA+J^ys6c9uy_TGD4viSDlqTjgbWV6YtRwf) zX*F$im0ydQ_YiB3$?e%%5?~w@yZF#`w750gy6sBq(q4J47VaJ6UvX{bmdoh1KAzAn|n za?)c0*7Z<~j4J#k;cFAbmiqLxa4-nQZ+UsNt`rnekV+X^1_sfbtSV1Wcg9f-?Eh?S z;8C|1@okB|Mt>y~P-$e5gZ$QQxCMl?Ej8PdeRTK!uO~8y*>Zs%u(5-(?RcbAQc}{0 z(dqQzS5j84^?G#Rdw;nG`2j{2`2ep*quGwc(1_q-=PD)$5;!EgAEwK)J`BwuaXVFm-vrAE;%Jh6{^3S(+2{WR{S(y&o=M&ffTfoxQ+cL!1 z1MuyXk)}-+w^6eEOqg)jy$TDfanl38!ak=D6b^!$xqgiI1I9FT0@qhp-N664yc#3| zP(D1fg$kULS|1-Dz=+SH-_+mV9|-xw09ZCbd3mI6Zf-TYyss-?=>NE*dk2Q(+tf*> zo=f6LrVZU9B*zX~*ZhyLm;$OGkNSHGl{2|= zy?vO|{S&+=5x-@>0C-2nIRpX4n zHob(vpzd{HI49GD(<*oh==Ep8TcVgGgvBFn%RhZO-6%~Y8gtH+L8c^St%2@n_QJvO za(&2C=*ughEFnQA&w|99`=0`(?3)i@Rri6|Ev?pZ@LW}fk6%-WoIlqm}&em;vdSYN<hB;L>FS=o-;XPD1T_z4kLb_vZ z085XA?7k>Sn@3d=hV5}xL@KoUtZs7L$=WgivzT^Cvr*5RIhUxz`KA>)^m=$d1_XoI%Wl)YQC zZXrAa&cQuxabPbXEPf7~CQ}Sfs18{x2K2Gr)E0S_gOB@?tzJH+ABYlS;o-yYh#`%_ zfXJKQtT!b7R#V@MeeJsz_~*RiP{5;MVO$YW0IrBl;=Um$=)gvva-pmNDLD8fHumzt zHA~l7pQgFmD-Z$Ui=f5_^c{`Q9dLSjDh)ratgH+MBH(o~=5GW%^tgbKQUF8HZ=|uw z1Xv{iLJ^9H!n_;aMq}NGh|psrOG%O@SEO=Ov&+gbmdTQXinGjk~UofPZcP5 zV@2blKe8D&hZiiNNZvsO1@FqO<{<&N#PlDm4`2&?0lWi)TsOS2K(Wcmp@3f&2{7k* zkQac>9+2W13=k%|#>XqSmnyZINGU0y0Dm|L&{~H#o>rsP$LYc?b9oF4@q-++S-guk z|4;d7F(i`r%03*?6JT6k>|N-;l%=0V=mx1iOu!{LEvE%Vy)E`8F110 za4P!!`*#h%Jq+LQ{x?je@!J@dm5q%~2@nIN1p%i6l;i$bH((X10C*n)mZC6KRaFmw z6=MA#3NdB{@c`m_)(*++oQAoU-hrzA7TfGTnRHIFz1zjDvb_M!O66eck^Fw%BpUE~ z{aH$k1PF)$-oF^?)spTiN(8cV_ryqz2j@Gz1rVmjQ>NzRA1t8%4~b)PN5@b{Te}S4 zZ>P#GwR>{@^}7B>uk#1v@$nI`UK<4b2B-cwTQ=ARlA?4-cVG@+4aZ?|->}d?B`r6R zK!tWjzZ1NnMBHBtW`IFFaO&EamBq5g8v9#bMN^3SRY+fT%&}Jtw?r_4O?KC*X+5q= z!YBopDB;UmU2g)Fd)(3pc-6e+lBc!N(bRAaclR+O!B;MEVE*ylJUq7RCIxx{YsrD9 zbg>9bgXuhA%U1(-rGV37h{0<%^{DN53Uj;oB%}dDEXmO9 z#Mm%cu37SR8YKpD1sd$7M1(<(I(u`p>(AQ{f{p`+tO zvHiF39-aMjTH%<$(I5&WCI;s3Kc=UG!BqK9Wd*4(%u&F^=W09~?-wLN0gD#ykNqj$ z7*5Q`3^GUizU@R8t5dx+`gIm2Q3!91g=8CFTja z2?rZp1Xz)ZykywF3k^|7>Wvd>q#Z(BBSxEiho2S#;o9@u+?>g;P2}#kQnVO`$Yr9A zy{ez-*j3Uw6n6swu}a>Qh*>tfBn^US+Qd4sA(%(zcYohZE`PvFm$=5odW$M9&yFtl z6__0d7ZiR0n-qB`{0>=2(tn;Q?c=5mmy=0SYNK_>)*BF}s zCr%4gY7=O>w)+#a^>hhqejv`n-XH-JCn`ix(L+M>Pf*%Jpo?Deg2jP*qVhD*-QIqQ z-LvuXS3$9(Z}DAJxcf4>GfIPEPkwHl)NwW}Y_knb&yBr|-A?ZJ8iE0rRx5?-j#pul z0RwA%H~!k0&Rd* zOZE8RMfIr)5B>W0-YIcG(CR~8P_5uLd4Eqo9_MBM#~)16*&yE<zOTYH$>`#qoLzv$1gg)~rU zr8str=a5?7GSDUbxCD29NzYO3M5f4;fo>|-x>1ewd?uplHq8gB;}BazbRz8xJ-JAB?r}1mn9sVJ2(M5C z)mDRgcNc?U(F9v3M@J8a7Sdl=wwkxn`Wzfm@PC%2P2`nG1}-J;@xs%T4#kf zaa#8@{i1~Jgr&$OkmD%`b~5QRG)QVUHig)W5f~kV1ab(IcDy=GvE*JJsj`S}xW|B` z?Z)|%|NgvpmkG5}-$xT&gCBoon>htSRe5)=y1xUfbIO#3_{{UgjvI%~W=*j8$9Pbt zpt)J7QD`-#{#5LFt&yOb%iiQjw^yU*JAa$&F?-K3bpH1kPIhx5G3>dG9ONYgv2gYe zH0r_4q@*d>P;7MNn*4B)K%%-km1xEAZXk;5ZpG4WuZ~#9@-PHUt{OIjZ}@FJd2mM& z4(kS|Rkt0A2H~fUu8jmC>@`U+o+q$Op(}$ZK7Y*a#J07fuvr{6Ouz8#EvSiSoQ2wo z@y+$dk)GQQ#011?I{#|UWs2%{L6iArvXS4PL$V$K{+#_D!cLxOVxV&9cxjG3^6W)E zX<6XnemvwTSB4uNilhi3N(&$_FkbDf;`fczB=wS?gYGu-6%Gq=(`MKS9&Ce5t-3a1 z@Vg(XbQI-(Mt#~7E=?By4K)(tj0O*1F2D>XVi};TE2x;rATO;L$*>dwniC6+lX1_E zxN(n~b07JR?~V~Z^8tY=R3ikU2}h_1X?*U0`&1cn2cynL8p<^A=-hiX5Q3<2+XJuJ z6h=Uyi+hAyLYAR`e!7OUl&$hucP-gPfRXDuB;B0yu)%qBjXQjupo{PBal@oB?YK(w z0u5cNno-+L`_qa1S|5_OxQrvDN2G`5RLjGJr3&gCmB$^^VaplD8_;nN81y{T%I`Yz6@7nBcqeKNBVCf`cCfcjNadJ=R zE8dp!xj!mXKTTeOc_|F8N!AP;|1;LjnhTsSOhP?IxLY&iFOA&7KJEqpla?AU5C1!J ziw{eqRS~XYNSZ%q{Dbvfw*#M=WwAeJ$Tc=DJLdg#tyFF&*f1ekJT7v6+SsClh)UX# znSC4aVa}TVfzNCI3yG1eP2|EJ112$d>hd53PugQs|Mmk{?IO2Z>?^0{#p&7Mcdma? z3Xxz@ehLV|XqE;yzdOVwNx+q6Z-WXvVeB_~l?ps=9^gqQD!Mx5GJAGy)~D)yyv;dD zIi=g!j}6tJJTtl26H-NuJzP5vb~kMYqjSA0siuB!K<7<#o9fQ8N{avEqrhk&mAb1E z!DVj`Hw0+!K_b_-!6c$)SKf^ts6oOA6lg$b7=~>0XBzbzeDuKU>8%tZqL^{V{jkmy zrJ>iE8^iDAQ3+DXmFQFyU=$RIUw=*2Zmglitj)0U@lrxDqA5X%2&c?+_`VIlbc!SH zvk4fRvi-HBI1pyh$r4R1Rg*?tbuP;*^!2w%ldTm-LxS z25`UYo(k5OkCW-5ZmA4N0*~z*g3=3uGba%audYRVnM138a;MT=Z$%E|aq=r(z)hSv zZ0QC4(|T5-g35(G25*p;v1id;X~*-=YCz%m5mjTkyg8(7)2`EjH~EY7SIL<1;5xzK ztOU{9r(-;Oq(f3C@a4AD?+J-n6K{B?I$;!xd6I>gE#@s|v&%Jbr6ttF%(0IV;lFJU zuXLu4kN5rkMLPQ#WKjQplT^5aniH>7t+D7<{VsUwjoR^a`x*qPO+()oo4e7qd(QC0 z=Ve1dmj8skqx1&j#@E*&&;XZemsu`PGys~_^gno}ujq&au#~T8D{^rF5eG%mg@a5& zN>{Sz^9LcwnmE^+yq6-St?l$A!7Dfc#i-DywHS4|0IQ?T;nUG#wag!?=^<-+>f8!T z#GeZt3f4+p7n8c};qTfVkwcXHs3<&Q`n`QdyaO+C5ZhH<}rdJ!by; zxI85GPZ9d3g@{_Y@U;a(SS@kT>VF0k=_0G>DWbkfHY(m<*>l~0gKq3W|Z2R&Dktc`B7O&vKCpi?beIV zY=iJ6dfKEso)ba}<|wLYf)Y5C>Oa;wnW7C2QVV3HQp8$@4oJG2Hf4JUCorGZV&C3# z4xuYn*OqL*tMy@Pkch=~iFuF7LhPrg3(3fz1^Co@(c`|ZA{{CE-skZu9m(O*e#h6Z z0j;(oV4TK85|+Hci{(v!cR?c)L)5TUiL^`Oiz6=V=${8!63wQ#JpPX&H-I|)4s&pW zyV;y`3epA_r(r@U1y^8dZe=qOT2^ojJWuk*%)5Scc6;uViacHU>~C>~n0Je`=ka~G zJg9+b@T2{obImqCOn26mi>DfVVA3Qy7#`djDK%}`_z8wajRXMY;V$CpS^RlBWrMdS zvU$VwD2DJfCNR@-l3{#V;9od}l^p&ZpfQ7f(N5m4NV^$Ge)iMMSKo2%3Ubr_J_F0t zKVbMwS8cYAe+8qsaGS&MonF>V<0lG>!TB<`y}g}1OYTJw;_oc=Q){$4w=yA*=L|4@ zSrUx1k9{#FG2F0AHA_4LvrhC=vofm5y`nu!SH~j<1vp=bI6C>Xr957rzT^`X@D249gWT&Fk z%=;0Y*$v%#tN3;zi0>dhG9_TfAT9mPPQ4ZdPfS-beKui065zoCgyue}O?2@6_!DmK zvFtjG-dr0x{<9I55GQ** zCTwf-{rc2k8JZ>_pvfu49b_hBk=#boB4Uq&&4Ncs)q6?U!C#Gi#8zuO#$MCdOm7cl6OHD9 zxVpN>9DeNel0QjVIz@!ZONPL;N5>=((56vt?GY`@U&T*OS@{L`K*4!LW^kC$AEj9U z@A!z00dg90fGi3w`)$Z-qxb9V_pbT*hL!B}^z==a5*&}Fky{)#zZS>6ai^RudpJFM zOv+CzJZYs};z~bF)a#%_qQeFlB0l+k@6>&TS`xr-as1LRXd#VZZl{5Q10znmuq7a^ z5cC;Dt2OW8nNZ-Y2p23&$PV5kY;H~yf7rFrh-Nddf5WO5lBY0s|2=Lq2bGB)Z=J6hGwZbowM#ACGp~mS10y+5rSh+ z_Q*h#8sb+XqCG@DrC)2nElmke;+Mi_5e8m7E^F8U7DyuqA3>41a>@38wGpv4=z4=AtA7HfbZ&Ydo0Bv+9$UejUg}iJ|RQKWsr!uR&ZRU ziW=`wQm8&Vf9h{wq-Hd{vX#;aNUr44Raqt~{#q|1^0idB@dx$XKxIn}4JbTQ;BY0u zkdxuwDQ5QL!af`Yf{KOmZ4RPuQup-9ZBw6V1hcvT!S$Jsm>2}QJgM$WbdO1irsIwj+J5FhMPDKw^yT!VR7$XZbG};P#VAR>KUL^wrY{&p$=U)v!wf^+ z;XUnU$LBHee=JeVNXzvif~$ISM1q930%x&_0lcTp=iun*=k~T?LSo|bx7vRAoBsXFFfR#%ISh)s3#%9ee* zd(JNAnlPs0uL5j4oHBBli{sZ30toSb5}qO=BqRQ(9g00h#{bhbck?sN7e%!Ytm3|W zHMYT{HV=QEv_q6!g@;WHs39Oj=Oe~Mx04?TnE?VO^jT9CR8&;XJj+RTDDv*!fv}jX zyH(qrE`NxOPIy?bD!pV|@B<~Q_O>~Om=ZNN?HEGpmQS1;{c8m@P^yUY{~Wqj@rEX$ z)v6a3VvWz#5lN?M^m%;#)L~S{1q~dkU$w&DG+bah%GYaUJh4cOSy2Zvuiz75>szi}Y z(b{~inT3$gt?Mz}`&l=%x|&E@#=nhkzb=V^%AhYyDh~=G*$@v6oSb6$YczRvvx4NU zp#3)o2Y4GslEZVPhv#3s!{QHF0h1zgf1(emlOcB-P+sxa1Ma6k+8RC z0m7-mf!wc&4Md!OpTNO+;03m6L>P@yoD_x^VcAeD}MWX1MvuV()x^kkGHj?gr^N z^l*-$b?->yofBg-sh--5)S$aFD%Gd+soa>@gd1PlhN%?5f#N$hkYw{Av`k4!37@pt z=!jy_YSe$Y+)7*s)oyb`1wz6SqdVQM3>zFf-rt_x9xh3M2Ys1#@AsPZEw2HD{f$Ol zz$5Lyw+PmWK4G+IO74~|G$(0zp%xcmIeDzR%mrTNMI@^j#rF5;okH$rbz94RE;6{% zK;6@c1GR6IEOFENtZb>iOnQv36s7#lqW_K-D!CGV1#ZQ?`?aZIZVnaeEf8Ci{qRJR*eKm9-I=Y{yz@pzO?KT}ccfy@vDR|3o|k_4lo*aJiF0G< z_$d*=G!FY;MNcW6`sG`TV;Ia~0M&C_zO!SPur-tCyg_36=$jVH`k>^A{sRI-ezBQi z0w8jsPm!fO{o9WB0r!7Mk6&J1!ubU?n{0HBniv@wfqG!+4G`*gT>~VR0rFX5K#vSy z|NVOJPwF4xRe-!VB&}&XVM>~Q1x6^M@XwWj*ik*rmzjo#yYi07^S&tCtiFVA>2}BS z>RYcR9$Cba6W%CBU58zgv5=vdY6==*G7Ul}XH z%nVVy79=W@H&?Zt@=>>~Wd}(of7DKIuV|F9w?^ix*DU4+hfrl|=?&2K2mAC>Q$BGP zF!+(+RDOYh)?8{!!PaJ^?~ANG*;MQ8T*)OLSJospK9yE=dsKt2-#&#a$ub=@ zIPlR*Tn59Og1DU9O~dJ)k-FcP%Llb#jmCMc@3SSdPe;-lmfSJN^OtdDmvE{1k?foi z{nJyL?P;$X?Xt>%UwkGQQ1PbiRwu^oKFQ?}Pu(q`W)!}aCGjX+d#c3uZo6J`ZccK? za6~2)y;rN8n)^GVVk#s>CUnx>pEs}j=`wDQHZ6xH+GKEZ#esESaRy&fc%UlYr6rqa z^W^#Ak4JiXqToqxA!Y&h|JBqucR8j<_AWjRqjq>uOpG1Ba@gfBt!nAS8|Y%T+; zw&*}%LSfFN$O~NWtOx^6wBnAZdC+*G?03VJy9ztB`j4!%8|Gf zr)wKmZELH~i70OqSJNZCh<>k z?k;KGVN6Hgff)CJ?M1!py#w>4yu|OH?{97fBOJWEQrf;y5W?ss|3M-1XXoU{a;dLr z0?PnRAu{by6CS|R^2hwEU6xEg2#(Y#g{xjz_7D#gkPp`YG-#;7bsqfqu&(X4rb&J=fkhYDShxP`+I}4*0c;ium?Es&~X(x;h;>~Hl zr0NEd(xZ#BJKWf71)kwH=CY(25!`K2uuF)GiwsUmj`cdJ>`TCY(uGatF}Lwxw5qSs z0$z5-?`&a2t;xwgQIzmKBxFcDu2^}v5D({G;+jO0etP1gF$73ng=k)%^4L81A5LM) z3wx6iq8=gxUcA=`eDyiCr$4Wv1TK!~29qi?XS04Spt*F&OZXOuUKLU zG9f`gcV7P){S4Jl-X6AkTXIXYE$pCxGXpZAMz%jgS&A+r6zW=27D4ISfyMd~%WSEI zt@gTvjVCr}8v(AIZH+AFVosFoqk%6K;4Ji~SGx&u25ZB^)FpAXhNAubhJZCO7!ncG z$Oxe?W2oP6)0*{euX>k_P}NS`{!5Wi=2}_V;k$P=Ad1+UgMecsj41$R^x(OyQv^w=WAUCqt}u z*)EG7iRL14sl5XHeMRTL;8OcH3HWOsd&8G4!6CA@1(8zBl<$7OM-vjwWDOCW{2RyPe|?5Iw;P z0PZB|E}$yPU*U-5k*H(|nmN$Hs%5_vM)+;kH9z!UN{ld3sMgU+Fu5-f- zHX4QhT(bNuz>c9&C;n&_&*t`ZZ{quYoi3h&_@(>2d2}t{ZRKlk#A4nLcbdZ6BAWWbcHh=je%+_+^2tM`2$7wr6kmm=dW|L49r{_+<|RA>2cVz*R~n}JN|{A z5$QdPU25&;1M$JP*gqbsG;|qaf$n%+ckyU^z?UwO3CZ4GF!BK1ot#0U<)I|O#6&>? zZ=j=G%zsASG%W*U(k|t2#kXQV+``Fct;!>3nbzL3WN`Tv^*14 z-fVZE+aJJk!bLSIpxMvwO5z_lOJRi_FYcHHC>tF60ibFUKG;f)7sUql19uwzcV1s# zb2vIF5s7f6zZE!j`+;Y?g_~*B?QJQyUJDzr?Tx!_Q* z_tO;v6Dot-$d@1tkbiq}%yJYW{>%E+M0T>uk>Y-cl4Z4oVqj27H;_FKWAER0MYZ@X zHY==hP7?zUk&@yoQJt@^A5ue>U|&LJyc~mxc06v_44d{z&q~9uJF7i>9;MJaj6$#7 zq2q`tur8|~9m;SV?R{2NRwzG*|Jx;}5KZt<4}@J2q;~nTO~6-Qylmq59BC{Cte^ly zB?tQSDUzyE1`tCv4Ni)g2d?$+MsH2N2c?LSU}whq8P)wTc)EG|7yY%xCcw#3hlbFc zxhXJ!+2%-T4p2_zGU5A2NWE;vu`)Ig&WZ<@d+K!{h>FuX+T@BzL~qfn(E!!KG94P# zkYt(3(z0YX_vM%YGX^c{Xuy*%T0v`*>(`*56mk=Ofbd7(K(Qj1w71b~>o|o0GPN~S z51I|&BcuNFI;10Z#ymg~q7C+_aOp zHSiDp3yN3OZBDIUMB!%Z$JB$Q}&(DHH zBjASfzvR6Y0-JL|wzw?BGZwAyB5I3cIj!JwV}BX-R#WJ2<54!cli0 zu{%<|!%1xFj!e(xjDHK<;_Ja6L^B7~YU|bJ;wv=b4Pnc=j$fazd=Dl_SZjEBVzih} zTK?N~Tq1MsKw|v*>d%m9>LA<&2W)5dOhr6^1PYGZpvkPc>e zp;5_iD~{HtEj(jrz=5B9%RA{48ws9x4=5Jn{RY07~cIS$ZSQ37)ce-(lH)+nccWVK0csGfY5!5riplcf8}- zZTEzr{N*KGFx`7jPP)j3wL?Q{AHTrEFN@%%w7sifqb+-mEkK7TwgJ79N_4N^)Wk`; z+Jxm49T|CyhYLPt>Y+}bxLfRa!0dBx!(KiO>NO=uR z`o}8!d~>PBL}YmC;v(>-se~r6AM4paC?z11xs5wXwaiqb!18EA z)*=B;!u*G25v09=T}5;<(*hD3d(X&~-=Ch_+NMfPWX!1w?czO-(8R6&20&#su(&M1 zrtn*uuag7yu({aeCzI)Ysifo{rtgqlqb(|sn1EfGcvo~pm z1PFvBA|)!M@^=slnys}&z5kO+ZT(;iV14W*!e{a4S^ouIVoR|uZs8kvSG$NSu#RZ( zlZ|>&4GbcCR6o~Br}Xz!1pimrvyA9mxOIHsgrHEtdicKDdRq*m)DrG7wBWk57)I7mON z*)KdN$E>yQM% zFK79!X_6owoaB>b0G32b8~TKt&gJ$?zTGWSB7qXT2r^YYozjVCW$r~1w~U@>;vKG* z!vNKqapd)ZFM)dLnNFLX&?9nh#bx=4+O*_8qth|z)zWelMk^n z@hkj7;K(X_GajWLLlXABPICH?%`z?}`7(OASf1RCUD*&S6$J2Uv9mKGJ)Fc})&do7 z!{P~)=&bphL4KS1faAq$^=GNR99v~uY=&Ecn#7ZMrJp<<86|>zl*BG_u<{|1=K5CV zjf~!dUYmligZ^0DCIIpK0tfq628|VS$Az4X!3HS{5f=4&pM&!KSXFkZ0X{mKG3;H3 zrw#mD_OV9LkR;nM&QCq+0nSGT}ztx zhdYC9l{?I?HiJK!NLF`ou!A2SaU|co5X7mdcFK=tS@L{+mkqur{=#A;z8h_~JK7Cz ze#E)FL{27%*PWOU6b85ZM;@F0e8S#_irP65P5o>TpVXd^y0YRdWiCpn=gDoF7z7I= zWnu-9A5^T9G`C>S%-$N+;Ok=Xb<$6=k1C@tt8&t4J6X^0zTGp0)i~_5rlNL4XvRFk5!76W!y`QMd#$;RmJUf*#UfJurU z!Ns*h-IKQ_2#ubwfv5=@O>%#@6Itu=I(>DbF7kb55O{tx9RsW^Tr|QPDfkKCV@$Sb zCeI(Nd!(960*ph+gGyWkMQtNXIU}DuQe%j0vmEBT{m=6Fm6ee5+V#PO)r8dUOBm*I zG*3+RXN>uXenhT6CV~P3t3C^!sw*p_zy0gSayxi&M>t=A zR>m~$9qyNL(GU)^fu>)_Gdf1h@6g>ZE88dPy4jhYKAG9E);?sa6R@O0ues-tzj4;1 z;SakD`0wzMm3ykFAX;b*=H}O}YCN%NkSf+J6i5}x>8L!6=UpHEvBv+)?~9RavoVmQ zuImqQkbjFP2SGbKO9Jj4ymJp+`SDlJEFi&OZ#UF}OTP(v{yD=9E<}vGEFw zA&R`=m^KbB`|oW@yk;p+Gk88vL!6o#w1;}`jg-U3I^EN)IfC}T>Bi)gY>XmJmMsC^ zD7nrmE9LEr6w2`eg$?ecldxJH=c~Mw#N?Urc-V1YNcE zP(0SZO#@$1VL`~dv$Sw~z4Lxg^=iYTxl%hPhvNq#b!O}8wcBtg?LIIs|2j8to!sN6 zFE3Eb7qI3f1XIq8Ncd*F%6=zw2h+i`RmX$>G+42c^idnSm(W-!>iSHlbc4?So@rP; z)jLDz({Vy4(dv1olpVnIyc3=OiBW znEx-TOBx@+&uJ(@O^QLP49{cJbf%RQQq~O+*5fFJF<b<7`EI z3!0r|C-uB<#!Xgo(caJj{-SKn7%McUwMVTpZ6XB+sLtcqnC4kLB%Jp znxJM;=rGA@6|q6)&q}jtmigPo-sm4aBSeinu>nJ1gAVEzG1V`GXcw}|dkw7NYn-se zi_JTd>uPI9vOVvU?Y-FGYd0YgArM7B8V%%BO?1kiY_>q8wfh89yJ-lMeLeD}zGZyxwATB-@gRm@&mv03iAa>ged!`ZD5G{u?|A%TES2uT;yiUtg#`7nz+r^SRnw3oM^?d|`2I zEhy0agtJ4sJZqhv;&+HjKoG_2dj8>Un(gyM;~?v0RqONWfq{v+9ZKZW^^q|Rs;#ZX zW;KQpc)1j*&}=9>`>OAE2=x=ukDeE-Zx|`>vle!St@T9a>Q69;F;7M=E}re9+KcY9 zLEq3~9&Y-w zhvT@_I(b+J2hDpQ(DpJe(n7i z(be-cVKCMjR3albR(k^f6u+%rCWFHa@5*>&N7g(1c*S_*^J^j44O6Y@ESFL;3h^W> zJXw>U<{M%g7qQr~g7i6!jhF|M*@LkpBARCr;o-sntaGku0rm-AQ3)ca+TSyyVUgzK zr+%PQ%-`SA~rZ2Ku7( z#Kfhf$Ip#hA{B#JL%ljTUGQdopD{>3V?~J269#r%kM`!f6a4Jz+IOZ{f|o^RYtUh3 z9}pP`OuC~Kjj3+xxqvz9MWcrYRvr{C9v)z;yq3+Rra9`Z)FIL}P3qE@Q>?B@HbqU4Y+zm7( zVGN;>#W%9}$8iV0%1B?1r?Nf#sX<9~y~qO-1O=c3QBe10+hbMz@ct^2VCNHe%W~Vs zqGF(LHl|}=>%Mbgmj2@$Q2BHKJI>{o-&&{dM#;v>OrcEZMtM;Y6limMJMaF&(zm!> z6d7Di6GDIFCU{|NI_`EcWT;Bf*4F!Xe24OrZHo5R=?mDC+zV)a@!Fo-^2^&}wG;j5 zXzxrLAEdL3c)_;YSAut!v6PH%{cgOYcTVhh6w*8?d+C#2{Gg;6aEBL!5(x-M~k z_`EI%)6>)9uQmWe4`65o*b|OrsHzhW%}Kl!?C-6 zyy5zfTtTneGrM$yM)4rPMRD@UgTVTyt1qO-y~O=7UbDIn+A4bv&u3@zF{ybe7N z!o}?fY<+gMa&^*Q)#qhTYrN<8$~t-SNqg2dvrYdYMS9^HnXAT0R1hs7+h__50e~4p zYc<(?Id=8DIh+RaoL~1~H-VARI#Vv62LZm;ernG^+5!l~&5gHm+kuOyKVTvrsib4Q z!3jo+&vRqCOrpSR&JGCAi`t7SFA~0Fz&nF%78ZAk?uek~AQTqWgmkn%nMwQorVp$( zXq_Fyoq#^ZHd;kdJP`I=VVCJAdGe7+2K1qk_}oe^*lNR!XedNPL}Tfk@=MR$yuA4U z0cL1o!lr?VmlvqFT4z=`I!p6%{p3`^%Rv)U>ocfUwyl)Ue@{ z6s)#B0*gsFf0~$}nApFnN zFyONi%1=bFGc`9iN6rgFQC3;m55%5>fm&KxmO6dEV$y5)0SSQ3t*u6YOD{twF92B< z6c^`LoiBPoM2QCq1wsksPuEujb=a))aB*{!Ffkzu2nh6iMF+Zx8fPUdcvDhQ(f3PU z02Ue=n*Ga{h8HZe^U~(4DL6xbv?1={!DB&`PTmTn6MUeDNQ8W00|Vlbg#5Uc3l-hU z|Es+#ZE7Nmq6s1z*%A;%OjrV<5@jt!1X%+K>KL_AwBmJ+J$nb1v=R zj@c^YigCNwYhsDWrg526^u2NOBTkzKK;9j{JXwRoVo^3WHsE-?IU*uL(nQ33o|%~j zu19b~G8#O-onm6lM?0>k=_P$V9v3b|jdz!&6&D+}@Z@5^_~6IfZST6vw%gm=n}>Jl zCxTQBnrJiy%Zh9C1WZawN(_rdf%Kjy5U@YAY?T?D*p(l&8{sV>Ynli-sHmu@2MU*i zDJ8G4FnU&j6S|!qKe!&Mcm}my*}YL&xe1Z#6%=s6>fL}uQeLN|!Xpqp&drSeU_aAg zRZ>xrArg%n4s}T#kYhd%w<0G5GC9Shq$GgCU&UfvYip~d$pjVa8xHoQBaf*0+8!q=Z=eyk9NZBJD4TX z+EjVzOAsF{fuKsGJ;^`Ql0$F>bzIn!!faR-_2A}&`c(#@P3d(2XX?Yl!vnv?c?3z6 zf#KkK+u`Rf;APfvjq9vn_+ zyG+&$4&!22vd#Bhls*s&g#*3!B7JJ237#feCM44Fz(6y*J$$F)rzjMdyXnexwY4`= zD3tT>pSijFkc}A%L^%|-)qa9tC~COcwFA<~)cpL}djYj&b#?ydsX}u^g9%I#sA%9XFXAb}P;QY|of1Q- z4ERd+F86m12q3@`|J2fWMaZx;Pb!r*TvpwFj84xvTfgEJ$2OuyMePA2Y%zF#t8B9r zGM6RH_9<}GrgFK`_#;k6qSDfotgOSL$zIdvH*V-WHONaH9vNXwzirmGiN?b#5YLk* zFM(8$A(t=@=y~#1pf9Al7dP^EfaN4b4;^0EAS^A#fR8+qdfwaaeDzY~ZANx?4~A|9 zS3~jh)A6dHX9G!L;5F;bRf2AwGyH8V5EarksQaC%2REtqUnI2V=4N(wwi}g7ZTB&d zn0=~WbvVHK$OVCCo7yF#zv;?wm2i`QATJaeg@%P$qQ#ofsbT+y`>|u#EnAdO0^3;Q zf?Kzcq7{Q9*8<(c!%K#DW%fR{(C05MFT0j`)%2FXo?FnjlBjEGX(9X%@WGmblPZdQ zSuSxUHa&Nl#y>bR$zc;dRD5SA^Xak8v zy3|5G7uEMC4u`SE{P2(5N&eRX%Qu$N8~N z!V!Tv+Hv(OJP|z;r1zF`IGdioc)?iwJOY(9A{K2EW_Kavul~O-BH2^YWaLaVG(@A| z)q8G~8HuzGWqLG%Vq#))zBAd&+j|45fRKGxK@-~wg4y*b>Y+oY+;-W%qZoLv%S?AH8nK|U7b)$t*)#zhvynC7>o&_%itrALJbZMT0SIN zVzv@JlY#FQy!ve=e&x$coQ@6$Xkd6?2sMELI!;s5(9T{XytBZT3UgoRp+K!!k~*+h zto|4cMBm%j=Wj|5&-gZ#;TY6(Syf;WqU4@~&uq$29}-nOcnBX(_I8^#wOmEpxC!mY zIRs@m78zVqGc&Hx3PWI{0)Ae1TO zn+0|@@1E>{B!Q%MpxzCQ%5EZ+UJ7hu5d__DXV(I!>L@* z$GZg`aWS#a(g)%}(Beo14k#`D+Tpd4m`vdP8H+nA#B9;l%0r`#i;bdk1^ilzfNIj& zhh)4Tj|UM~>*j%=P_}_+aJZveGnZr@ph2rKpO3!<&PFLhA8*RvjtbW7vieOTo-QTg zI_|ih^XuaWbz$SxuWeDhH#Z&|Lau?A!Kj%|K?w3XvtFLDR5VRfCuS4jfS{S_Zhc7a zs2Jxj$M+$lQmJ6J@2_VDCgWW#PW0BRXZMH4FF-Lf&hX_!B!Y-_{_WxVX3;>VQZKY& zvMl+`i=E4)&J$EvQ5}aC{|<%eFa(5xjx90b<(|RnKn76w4;gLaJ`XRG$|Qe~r*Qsa zWa0SzF<_|{l){UmtZA&7jyprRF)(2Vq^Y`!5UkR1H&If@Av~96q~)LA&S3LPUsSlw zRGPfcGaA_{g#0X4XWCZjS{B*fNN@2kh(WLK=0WHMij-Y;9PL@~cKoZC^BOkM85!fi z04mT=L84E{A_(BZzW~x1pLM3uG>+Ka-Cd1*rT-T)FZAIH8JU_!^&%9T=%0Y4oUs5X zV1i;8C!sEv^JUh|gWY)##JYBEU~{4Omc9&Yeb|OTuYRmpgy(M&>ETk=2F@JI2*kRQ zso%<75gUlMrZb&S_l5PI@4y6`dT+1^W}AV-^R+OV8JgGMrOw-jwdS`WeSJ9+(3XR! zXj&VjOlbR~l#g$_h8i!5+ii<5aJ6fLWnSE@^Y>DbaZZ+H42%#|#l_mWtu?7!I1!d2_$?F9hj)7J;!sUZud(jAwVZ?e=M~Q@SVWWsZY2%DMA0MV#%(m zSqq~G{`ciDm5R${Oda~0Svo^d+LAg$(?*pd)rF+%cm<`DDepyzWkZvzn@BeC)i>fD zm-F3^`?H;;{W0v7c8}kTJkpblEqipXi{r4HVK@3@ui|QwnaGMH6cj;jCkr>r>t1Q2 zqgmd?=I|HKBrXj;8Gq#<@_~tWOYq)!mab{ZphG5_T;RpU5FNM@>@i2YamJsU73)|Fe5L2MjP|M?=~uj+gw3_YWu7HQP1M-$Ct z!O=;>EZssHUJmujp^uKf94ra_NiUQM4RUSopw?i88{23@LCKRID9_^BG-0tiHQFma z1i=`Fn1;Nv)@Bb)708x7_~>GmXrH8|BfahaYbE$&6YO2RlXv3b!iJg{Ht$N39s!7( zqKSnzPb%MPN4rx|5!qxUwXJ_h0%U0ums27Rrm*=reKU^>8VMD%l8RF*h4v>?0#n|U zT`$5~yI#1}MsJ>W)Q3yw4-YfN*8B1a1e?{xt%sWxS!bucS??Ns#}PFy%J38~L7@Xx zgtU5yZn)V)v~v;=923>RMjM+{?vp6@9$d$9Q+zI`(9UmV`eSp{vk_&ZiynpYxqH3q zT4lDz00KVY>APTtP*9fL+RN4@;Q<`7qs1weQZa)M&I^9|1flU@$yJ-ZBj%0wa|qjV zy@8lEfdI5$2apnpgnqrrWDM$Y{nfM8W5yw$4=da8!CP9XnXO%H&dutI@%7|x{vNxn zui6`LB)9;{&hYKVGxZU4>|o-c(&^-Sdb1nIJ{a1>(SjCgR%D;%qzPnBKeq_4KKA*} z>VwC7^4k~;~vHZ8-0?ym$B_99MA~)m_^IT zF#u5Jr2Zc?8Uw9-?_$DYSVGHuqP^CYl-jC!!K(p2o$|T5@17b<@q#I~tzrOpU z8sfI5u-4NaUk&m|u$T)+O=+0k->7%I9WxLtwk1Da+8Tp6;c2accVl+*0fm6FN1^Ol}EgRsO%k6+IDbbQ@lYYCzQfT+xcBO-DIom&1#6^NdcgQMmNfxQr?k`>_7%(j z9c%1N0zi}wrTrxuMEqUbr42BKbbt4HC=#$mLcQCk7~p;krKH=;;JG3sfrGD9Qtu>Y z5d$Rlf_&X%c`UxEjJdi(#eW24^-?P~TL!Ye=*P zE%V;H13d5UzH!oM4b(y*US3aTcStL+xtT>1v%d%^C=h)EABcK5b$@5(;6lEvmu(u! zYI>=N$A@H*r*_D;OJL*TO8o$cn>KiS0{z?hSbT>DC9K|Eg%;}s{;+%16Pb-h4OA-5 zX;ZfQ$n5qazydq1M=saJS>|i*cw|hH>^G142G)hpz2yqL!93 zx*y{=_KYeIRZ$KhA#qJ{BkfZ9>{?>ql9c%c%}d5m(7_}A!UyZBUngSkMUM$!M0ZUn z5~ozbmYUf{?Of-*8XEVEe?mUH%Z0gNYRq^7NG5)Jf5*@c{gKNiXK>*0t;{EKk%N$_ z^n_>iVNgQtiQ4NGzz>1fWC8zWp z`hw`-Z+gB5KN9leyyJ*-`20Y0;%AoT(V)eGWeq3JFN;R6n4pW(@kBUxM%y>{3?8S@ zg&+h{V1^~r%MhV?|6E_@$h5*Qy@7B)NjD9v5H+65eA(~GH>3`Jx4knQs*&(31=3av zViF`2Y>AyFhL`jClC!j4P;a6YxrRUE2O$bQeAtr@vS)ZCl#Qf$~n1-OJW(?uxX$UeHbQJY{Cck#zBXUiSVZ4=feqGE_raT?4m zX-*fnTs;zJ6&E7q4EwPHd7qe8Fdhtsqbwe`dXdzajp6ep<6$*3dlvpBb;{sOjM5x? zE;8KIj3^6%upU(db!|hViYE~Al_g8UO|b| zgH+t7zvXdR%mQWP0j$2)S4%4j?>$9&rGWtgig7n@WNRFP-Nf0BIL#@c8}DK98alae zK{IMso3_VFl@(GTK7tW|%?bHrL8c zmAdWgD?d?y9xRq59@0$2MiI1-KzFbq8aY`cg-^w{)P0pnEst?GXhJ5yT7N727nX~M z<@6rbpoH1vC{(^K^#KM3?0JTG@;*q8nsGnM$jsbr&99kWl3CRXUtgH0OPp}&3p`{E zj2<&su^{|7>-#SR6NA4gG8w3%OZ_%-4elNyZ%^zx<7N~8Xf+;>rpewJOpyh;eaiF< z6B;O00m+{)FmUkbKxs-Ug)1?6Xvnc*DPWv*0R>eZ-p1M6Hhv9if(ff*xx`!vS1|;; zF9{YwjkA%7N2ScLyWV1Tp*r`$PYod?+%0PEpz)FV9A2ij&W+YF80HJ;$nR)=vL5Vz zrV_vU>D4sPk#dx>CdX{#xNA@!KAyhs?YkW4h_X7|4(_s+rb;&x{kk zn|7f$>}~9;)Gm+w``ee!f-x0eC6t44dih4jZ=L|w8766h@=khgrR9W99AK}i)<2?8C z+k@uwn~OFUvzS))STJ2QLs%TKdqi!@^FJ}yQ-%}1%+74bDUcAzQqd0HYsgEINx#rr zm=u07?f0azVYHt3ZR-m}f2Ou_DB2vuVpHXF*D!5DnS-$XvEbPps}$+qa3w%lgfDBh zh_M*8)%}f=$7H|(7yuIJSLx~}_82+pF*oX!i8n)qPCHLXRjb7*P1-gr zp)p|#B5$Kc)b0k&1dIl?esEf)~6y8ricz0R=s0jn=5s4QEc&yUI+ts7*#)8za2KYg<$dUgriqnWxi6!xk@+U{IUkzm zrmPA!D6f%#1S==+BUyIl`UKaYvV!MT;j76%{|eUEb|)I-b)@8EWR$Jfwve2#lI#Tg z2EoGXz0ZYfrZQt3$pMYTS?#w;C z+W%q!WM66KWzzVEP{|ZA)!;_AT_8ySJpeF~xjl^YW)u|buSy~!kZ(IXOAjy7BKPS6 z^~Sl1U&U*xSvlc9{NQHZ`&OxO-Gbw1_j$Vt%xh|Fe13#W4bTS-7azdXOa#nHT;Xs` zb6H^NQd3}at1?G2eaZfX{k4xlO|495*7#=5HZHCYW-+t{?@`*U)b5|CP0wM;9Wd&`p>t zl9Mo@IiLS&_ppkz6$Y=fgt3xlW-r<5qe4)1W881D5C5>`O#nml-B;X{T_S~9Z=|~% zz%gmkuo@XDn@k5zd{*6vXU822K?+YQ1QMU8M?3@VW!1$p;Yjq29z|5w9oL;O9&$Gq z_v+n!W?pp$wJ_6f!*@8GrF7$DL<3063z9gUr7`?I`ouA*EM_Cq>`r>o$R^&xJ29Jv z!0ZO0{bALIxhmG}HMgCtr{^*WKX!BDaz-Y-drL8KN>|Grk;g44EWUL-nP425vLH}u zmPP1r@MHOu4sHqh?(uSoFdDBDhKl9V*13lLiNTdJxn92ZVc*+Q8kyI>To|<5WAZ;G z%ax=-Jdk~*CG5{Up`QVGX%?khSLvTxU+P(1qQYeFlQawzNNOn0x&8ZA=mWfvxI$uw zr%-W$e98M3rfzeS za#S=pPQoW~aRymqIRpx2v##M-hQR=XHbN|D#eDDwrr*e+%^e9Dk{ibXF{o4swcgS% z-dzzVLv2o;U*}ZHw};-}@I#FUnlbO|Rl%)3MbiRv0oHht%7n5Eh*Y~=nvY3Z9%nhn zn8H{;v%O5=lJd;=#~;HeDfRKIVYF&^ZGVvT3HMi%LthgxN5(9mD3jegve5L6`cI&# zrS9)A%12hhU0saRTypL`oK50Viy?)hP<4RUmLl?MDHs|uFCRsK0g@p@f6*yE%rcNK z5=la$Nb{|N$}nIVL2LYu!^+KAhr}h0vNvly9WGc|j8Tiq{w!*b1`hSlM=@V5a5HTZ znB28yXE*GTUjJ&oF8>>P49 z!xa-U>)-B=DN?IMI!EAg(fUstod0|u9HtYhmRrf~?-RqEhXX?R2llX6BNNPj&buld z6h3e9FKDRWb+|*z{#|V8cdwt?pg@+6R{zkcWfHnbAA9`+a2HGvOUb24gpvAj(ZD+2 zk6+X9ZMZpV-F?OZCifk_31SN*cb4q4DzWUEW%=yU2^1Pqz|wCY=}a#$r4m z&lY?%!x5J;UgUihH)49ow*)`Q*I%Ka{GFXS?R}@yWGX14iH`VpxzRAl)bhVF5FaUL zwXdJXHfi)YzCL~ls>m;xw(0&-1HIQhl?qL#GIYV!icKw&hO%af?*AimbLK*OYbgNE z?Ik;?uCsXB4Se0zUis?1%Zatx!NhcC;3iU!#Xt+jIJFk+93PTPVnxf629JHyl|U?C z;(agpSoiMDYD*CHhnBwSAZCa)%eeETl-CAk+tPRW2w;&R3PVMe_5U48kEX5#zF_{) zH$UNvP1Br?Hf(`cdrvs6`Bbti0h&#{U=I7XRHR`HLcE2J@ddti>1&oZjH7~Y6?AAW z@5mQ;8bew@bELyW*2<=67UXImwl?PBfGQOWbz7^KIk)PIa5ih`pi>t9y`+K7X#ne*oLI-9cBz@T&;?T7Bz%_ zM&uAVLrCiPe-}1D7F1ilh_bW$oxXJBV0`bH5p*!MmY&SSbdc7V@v!JG+v(t9lEy|! z*%g8oHFD{EL^6&{h7VES@srDCJIrE%zUa;r9O+T)H3S+Jt3lcP8FLEMJG)oa_jDZ!AjyXt4llelwBc}02EKE-$?{5&Sk&AtIBq1NpLRKiy%s!Im&_z)|UU(x__jn)$T&~?r=v1*?{v~*=r*fD9wIaBP(+_ zh*kkZPbh-#ASt!jflvAVZi<1NWwq0%YVTh6z8lDFq$LYI#c!GEV9)qB$@C*_eENcU ze%*S#+26$Zl;5DT1?#m(cAB*ft@$bg6#&D){=N}B@&4%Z<0@*2R2B;7WTpF^S$-8XguFuHH&l70aMrDPRPcC?2kCOIa|UQx_v# z4;nr6>hWYhIEBD-$3^z{`qVJ1st9^VUmxHBhcf&^)4RVls7Os4wY3!`Yz@|pTUjd?&%`AY;cmyycGB3&&mH{RQ!ifL!%hWEp~1ibouW2BXkWR?Q>Eco zXSCfu_415shhdTKzlwv(}V#4!c}Fmz|hoW zxt0zV$0eel^Zm*bFq{TTsi*L1<7CyNkeeE|aiwO+jL-f~bM(}u)narJI#si{5Z3Yz z4US(k+W`91g-A#RIa*++Ex1JoLeJw^s$Gtr(Bne!&Le;FR1F?|01gp)wCce#ms;A02e!V+IQ>Th?Q2Xj%r~+j9sgA0eZ`-MOF$>kU5`E@P7 z^OZ(}jIoOP64HT~8UH(z`hR1_#us3|OJD&Q84HMjb{fwuSN>$qV{b0Q?OrsgYJ6st ze1vG0_=-vLMP7m2kUWb7dC72ve$$RmQY3v|cB>Ag`Lp1|K!rzyI~JE2ZjQ=*FH@;9 zvE4d%QeNJqydx9~|81z|a{WI%?GsHO#1mT#q$!Zhtsm|r6XcF&6CB2s+uyp-L0i01 zpJGS!ex{H0Jl2luJC?iQ*<|oWjE|+}n!MbrvkkFV#c$l*&eo#}pg?O~QDul49P%q; zyhCQ;ewn;-#x&NH&XnmJ@UYjDb^h9muYxO_b#V*bMYNW$Jfn@Z_94`F`i8r%-HMng zlb*9!e~QqaMfB2|Q>uixxRebXp=hDjgsQ(hq+pK-e0ogY0z`pZ81L#wT$KO5c2lqj z2}MKsSP7}`45a+&M+nKdr?MlTg^xY9>Xi~L!q=CP6mnL^C;%~q zmxb?RRt&Wj>yPaEZuT|2?wVdxb*v4ye&1ZdC=r!=$pQ3Pi_iDtwGD2~`x#~jy$E`+ zVR3aM^J!!pk`}5AbQWZa+J00HH7;j0M?*Ej-_)19DPWAm+84K(pm;b@Qy>m$M2=mrO;9hOM7{-ru=UL8SzBW(8x9`8J~k$qbV$ zcvQI1D#)2KQd*FxF@p4ao>lQu`H-|TGUmJ~8Z3V-=--SaCcp6?y(kiz`?8ZNV}4oj zgNJHsF-G`-evn&i!(6e~P;#4IeiL?4(0vamapWuF3nNnS5VqDE?XDbp@W5nhiwj@G zp~IieM|?osLMJv{y*>C=Rx4NnfK)z-!)Ibjn7!im{oi&twN4={Zc;JI@}mV zg2xR{LM#$6b^3Gq-w0TPHH7u5?)yfWnj}1a6ZnZUPmqd%ewE=sxcMMERjTAhNC)7c zYr7k;8mMR_rb@hCs@R#(gjS>l2T|y3kJ**g{-(h0?k;wQmr~0qD?c%%_?Qvar{A`d zTlJS$W^~=Qd)Srygkvt#(OHN43!c~z9ozdV?zU)NP&#Rfn2eQ8lL;AkR=Kp4l#mo` z%yOI?wP4ZJ&ezo=$wA)OBkz1XK36jJZFdFiUGVhScyb!!8g@-}^T82hz9)F_0tpD7tQf$R+ z5jxoGKUS}zFiv@>@iGLK3;XBS)uG24%x_QFV@kO@vq?Fv!0;04WNIjh)nP7a1Kk26 zqYQ8#Fcp`ptKwB{YBI7ey8coWg_H051mYsDrOKw;gsNA=Kgq2WaoioNIXEWMC-LP} zRf7SPZsW{t?+&_ zS_Wyy^6$&a3QZJELI;BtNG1D8r?Tn+P%3Cx*d73jN$>e+d%Dty)b61&_OpB(z(s6b zT<9Ft0#FyKIZd<2ms)qx4ed^X!uMCS3BG#tjQSK9UKZ(E<4FUze&zO$-@%zKJMFiI zw;V3xNiY6YZiSTS98)*K-yP-u^ogx@1CuMR@+A*v%8)Wn?-GI``K(h&PqDv#8=n(= zgHkVux2vzOi+fSM;FQ&$-K49wACxqGHK7q?h`(#}B*k_oa2EkCE<8LAdvIJf>plPj z{yBpR6a;AP1^{rGO+ZmbSVAJS*P-okI}92I81|U|1sO$UJw3*cu2M^=GfU5O+Ni)U z!U3^Q=8t*-_-%R{Tw{lIAmvKqj$*BG(a#bT+Jus20G9vKLpB{7C_ajx%})3Q0b|9o zJSQgT@v%|M^i&B7I8-WSA;8FsOx{xw2qpFS?q0C(R5c%3wW9B1#(K3VbvD$jnCHR< zctTo^m7a($112T)@?t1R(%sucKYk#B0P<3+p%b2-p7a3G36IYkkF9JEm%U1r=CcuP z@8Iy&qL2uDAimb;1Ape>ycdlHCu^`znu_^vPhbKisC7mM7K=C7IYy%HehSO5wiLDH z4A=fR8Qq5;-M9V7zkdB+zEOZpO^xc<*X%eFF$`j%{Mb>-(X&V`ccMmHv}J=-%O~>{ z#T(Z2{Fa_tYUcHPNPVVqXfQv$(dBezy#`W?|IoMuACC9*_~BO1)=P*`jqxHE{u1wf za&duYwjvTJ!q5IWi7AEEN}V=<3V?2b*goHyFXw(cfARI87mdv^fBdULiOPVF{j{y`<4<^-oAR+f-ISaC)(abfySJWAL^ZTvOLFT zjK>v1B;7?56UPV9uCynO%`N;k_43i2Xg86~vREiFa>d^19UNG_6 z`&~N_PO7a`Wy*Zl5QxVS&sUrMeSLk+Gd1{j)TPe1wti3ListHcdILx=44E|c-++1u zC;%rMxB_OJ7f9pwFP|Z2*zMUkpLRuV_zd=C*kn8FHc3R}+GaaR@V92`>>SStzwSNS z-CC?*(55afA&-7HeXGjPI%pXAsdUymBKepCt}cJdAc&v=n$lU{W=?Fahp#XNEzlHk zLERC1oh05kxK!e}w+qr}qtf8CbRN*h*cO@5+RC+Q8l_PH7tkGdM;^ID3T^~0R1it5*i8u0^;)Wvgp3~AQzt#?sGI2K7&5ENH~`K)dxT`((emK`5c$>a?u$D zU_Xa8bg?;JM(A8mZp|F6CPBNw_~u(U&;@Pn?7Fi|T=b3}x|1*(K|KySLVp!X3B&Nh z{(y7g50`4lL&%>%=2ljAU=>LU_0&P1@@}X4A03Q#vX!KdD)R3wfZpYvwx_ zBmL4b#$Ybz5X2|~*vo95Lof@n)ip8#_tRNf;wuJ*vM1diP%ua$8X94~&G&pk0E&7)OTIx0ej5g}}Ofb=aNZi6U zuOoD+?yrdS?5B$X2M6B-c!qPloel?xAfK0j-vl-mRxqI5XaBx`x7ND#@O@a{NTJm^ zDNo^P=3#rsj+KvaB1#j|B{MK)oGfUIf2L|E_h;0?PPB9fasdO33F zqNeQ%th6fQq5897JrZgWj+Wg<%s&ZNyV^o0>a_>?iJ_1-M6ehhCCe6haW4k?w}eEW zG)Q#AQclM>gIFXda%Iv7GY?ifb?$6K`HMh%03M~5?e0GmLlYAf_27(@6xdH(e(t7& zc8g>2a?X8;Cxan0=Zcy~4&>0m_*N}7A8C!75AzYT(B)MFV?$fokU{;A60kmOL}r9k zsrSou$c;3LzrN*3ei*h8u@(RJ0HcHbB}d{dAZj67gHHl_a!5v(+Y#OgI-o-r1E;A+ z4IvEFA*@2^Sqz# zW(yq(y0XF@O)|FOg%k1-fK&kp=g^7k>+322fd{}hloY#KoX>C~@wo!Gx3@z#wAx&& zm!A@TXoZG{!^7iqDsCl&k@E2o&bXWkgH5Cya@f^w?vz@4db~Ir?evCD;;SDGjQ`Ou ziLj^Xl}6t}|EE18Y{%Hd+>k}|&J{gU@6r69hiROz9E|TF;btMh;qiEZUD{nmu2LFn z5X|L|5Aign#&Lh%3c%;OH1Xy=xhR{Mb0$OCkcOi?<_EL_Z;$8T0A0jxC_;c~{csN8 zv7xC|Due;uz4^t{fXg9@OkIHg0I>YZ#71xc0tG-!2>GGak_BL;KOHD48roEmd~T>T zg1CVIFjJS3swX_eVr&11`q7oxY++WY!pG15ci$+CX(-F$?{e2KgYuYKZi!-fa_Iil z_6*)_^kd4AUq`7fNGdQ>uv}5fZig&VTA(3GW!8o|74+TX6Qy! zQ&U%ezI}frHj}aL&OihJ4hJLP^$Z4JTAz`F>%*GMR8@AJ(^rYVuCMGEYi%K*<)Ybo zmss)#a#T3oUvtLCjP4;F5^Q@FI_^K=*XaS@9jP` z9c(UB&dGU{h4rL1XEojQ^pmtG8y=YZ!mTeCBYiO`rP za)V-38@KM&w)u%X-dVe@(LuFAuvbzDh*XiWCy1j}CJzn9Kx9Ou@q0{cL_MC^VGTv> z5`xfR-=>T>jCP`(4oj(&LqoloI{&Y#+u-myc~(LWzxdAg(86U|fi(=UZ!BT7XUl^@ z3^_ya3>5u$RLDToqly>qb~v3&-!0G^5-33?6K!1k@^#}aH0H1tp_D>jn0MHg1#+e zw=UenTZ`Ue)17LKJJEV@M1M^()10;M6+sh|L7hwa=8x?Z;+`EQn>Y7YWra|J^ljUN zywtUgNr=w)DG%u{ye)qgjbyb%Dtq!zUaqD)-q;KCcEU)wm?0!>plJ{Ob>mjsHR&jX z67TG6nwMCHUBd(|!@+F-=u#t+>}*lgc&_sD z8v@}{rIMH`-4YB2oI%_Xi-9l=c`a@rFz7rcsoT|H&7CH_SfQT)HURujUSx6mz)w^4 z)K;!vXXaPi$F0N5SC6)1V>ilxFn%67os7B$iXCQ5{6OQ8h#IRQoC>A;^vv92fwH*P zy<&7|y$|1by#2SR9GI}pKYFw`T2_okn*JnSV-^L4HDT#l^~7R|d~42yld2r2 zjEb}`$uRNPrgG zg^8Js^}5S8c!H5J36(4NG3!O8>P$p~jv05OqkTrF~pLGHMJhT#Q(Rowu zood}f_I$YcA=P0Ey0+Zl?c0yhgn91TFw zb#yj|zwUo9hR^R{V?SOWE8SZ2B7<5Df(_yk_L996leTawL@;`A65vW4$w?eqtqt~* z?2PcYH5pJ$`}u9|m*ES`%(6nKDS4oRZG`Z{3H|&zAz$6^r^e-+(-DM3GGO!9lb2We zz&&q$J?du(t+|sP1&r&`PpeG%-oJK-Yo0_MZ7oO>nr*@3R?9^WdZ9!`pn@by7ORqq zG{9g}dW#ol5o9ST5TdBl+{nXWF_z&)M{df$o8eA3xBZjdI@>-Pg*&lhsaH`UXmia~ z(ef)qwu&}5L?bU*MuP`jD5fYP%2N)vSNmh^Du1Jna^IoYWLa%BGX56}aFp76WyZNc zIyPa#*Eod$V)9L25O2EE(r*dKl2zr9rO0FFrE?U2;}E$E_~~B(SrB__W)!9fjen|% zGzfEm1Z5tUks!wX&0O}M4wL-b2J&=m{s%P4%c*{JsU~my@=RC3*P-u*&A-IU*vjv~ z2Te$j_2K^|TNnBr90I)L$H(oT!r&rARXaB|=?n5R%>+lsb2ThN=-=4=(_q*tm$5iE zf0eD?F?KB0K=|NuDW8zbm+%9<6k@^ZCeIu4_w?xB1QEScc{e*Xj(|BHCCBIhyd@G1 zc%8f^?DL|lwMr*uV4804Vw2j<(C#NPkyMVOr;!v+q)*I1TT?C>ARU!88p`U>Ygugq zqn6O3Wo;DRo-LykEx`CKQWuMCrDHN(Q-$u#8yIeY-lPqR1+i1eM^t2Z(PbVJ(f=Xf4`xM*g8yX{p zF#*t0(Z*p7zvHg!WaqcCl8|UOYp2zvKu9m|RIBq~i`?JeZvLIw)jOzjvags`51NIU znuLIQV8r`Na-)!K`?|55o=uO`dBOwYM@7XlOVXz~hcLfG`#+0?d=yX7fq(A^5O9ia%JN{bc-zYfwO;O!lvKUFM5se!xCIa4`N# zR)%8xw29emtx{~rhezsdM4vxO9uNAT4~;zU@<7qHt6jw@Mx&xc0XkK@x5*jZ9&2X2 z|9v8?`f{`I4%vuhVo$h^-`!b2 z>iExNE+x8L%%9e7bWF|FqZXnFM8Ov5Z!ffh5UsudDRhYA*|2F=A|2BQX1409Q!nIh zLcGCs(;X~J3}GI}g%~`kO8)|85<~CR#cmrWs}KWS)Dzh5%!ns$oseQ-vKadn7%Ks9 zcy+tGl4oMH{L*8U0%F2@P7o#)re$cYIx!=)gs{%+t>PsNA633u$Wf&_opzOfyO@!? zG1WW?oc}TplFo;7iPi>eJ?@_WpO{Pg%ST?#%?S3m99&+W8qfuw4CxmbP&u$a!kkWD zzI^fhCng_sAuZWk!sS9=_f}gp*HpT;!5+JA9PllhOsVkii}s`PW=&zD+6(Fe$#coW ztoLD~SZ5nVB?0FjfppI9LJmrV~w>V0>TIgD&5=&Ub~vXmsTwPH~>#u&vwh>ub|RvGs_+;oGjRr_URtjAk43rkzhU zi=bxLw2qj2HoEhpqjLq~;Ti44pZ@I$wk_jjxJId zgqRFuPHuANuA$e`q|#K&pDJ4pa}fsbE-Un{%ZoW`e}&nA0$uFjTZ@Iur+DgM(`7hN zD~hUjnK38qZ;AxOUt=(Yughy-73W8qo?|L2cRWsbc`*(;P5&e|Uhvz?A+N4U*L7A2 zY^sB-vmgIw#|vvq%hlo&nU;%WINR%~6LR69st|m!)pSXco0~_=6|Fkb>_wx51Z1&u zH78Ug#9hfYQ`Aq_2EoFGehHIQT+*+1I3skArIyafNw5IxhCD1G$>4Hh?3&6wIWnF> zsGbv;Ge*&<8YLKp(0q|!lC7#eo~NjWnWYh}LFaH&7SiqY5isYWJ@^3h+2c`2A0IGD z+vRwXn=trUXIFccwM|rV;ptR-#)gVD)xs6WZc*kdTsbWGynDcAyEo*013?HjLSx1- z8PUbmE{Y1Bs5K`NCx4h>HoR2LhKWY-rEKldYE-$bbGJ}dh{%EU5z%b4VnPw}_U(2M zvah}lnY!cZOvFUrvXPzVmuy!i$S>p!S{%CC!(e1^_+PEH=IXsYzalbE!|j0`Z3!2r zWTa@QTA+9vo>cPk&e3}LN&yy~pLg}yaU9k?vLDAoY->Mtmb?|1-|Trtcm{nDmxr3B z60{e1R_w*Rf4Lm2-|f_U>wc(q-{5Uw3;whS#1No`uXAPuPIA(s%pMRT`q(hHM^u^& zeUGKe8gIXxn%X^<1S7ZX%IU|y5)u3|-*Joj0g1C0a2=4>#-kB8dmGNESADl|>-Yi* z&7Wax-b=BX(G?OWGdl~A%{KeXIR_nZ#;bnkhG{iX zF|ZLyI2e3sJ6o(InF`6tFbl!};u8`j>g~qye6xDfYwDhgJP{*LuH+l;5nW36^w`+% zJ6Wvi^6Zn8kP_Oxwe^adbthC65a)?hFRw7eH2ue@vh%n~w*_ZvpNx zKFq`;B0IYaC}l5JeEW$Xp5T_{qN%A#uY1Z#qrDF16BacHjIXY@j+qfaKu&kqyfy0s zsnCpYld5s*U=Gvq( zsAfd_nwgAesRSVc&EsMqij4$xQo7rCJdh97;L=5D7g{)S{tB7QB)6_ud#bbf-)X#by(t0R^=V)nal2I=?lV~8r%5?n&% zM;U$2X{ie%qpgdB@m!}hR@0d?C6H;%KMqG8Zf^H%?0YY!@d*fmK{Q9dxlQ_Z_XCLi zc?Ykpn65U;HL7(_Rm)R%nSm^*aJ9_=im;$C*P>Sj`jlDgWItFWaulKZI+Zi^DYw8H zkAoQTNT;!jI<--E;?>R8&MD?i;jT@8-c%c;BUVTq=jDq%|Kd0DLgSLIU1e?MKo?f4 zfwyS|sU+m6ZT&>^M1c14hHAOinkTI3@yM;7Z^czDlrT(CV>;~y*+TGv_|akuDf@8v z+ZYrS*d$6|lVseycF5y;|8$_SvcHzk4#^soX`^3%2m%Yt*(A?x81*;@I@**nH*W|3lX|hSwFfZJwa9lg75)IBD$0 zYRtyAjmAl1+icv}w$<2f?AdwWZ?2giGw1iY&RS<-uf3jIcpfesmi{aA#+vu+(%ODc!Bxy|ByihyC$R`6Ry z!WSh#{(6I5i&0woPd85pf|$I(LtRn^!e*n8!(@MYrGT#$eMN%PyQVw{LA|FTfS2vXL_7gIvLrx^$3$x$KPi}y)mZhhdR{F#$ z8p9&I5vUC6Z>C_cF){ROU0rE%h7v7M3#wqCU=O{BiNTf^5%2TTX>&75NkzKo*K!HO z;A%7^_KAwi438PVeG|rOQ4>?o#Bcr^5fk$-q`1E)Aujws1*+hNY^sPx>)xvXF9e)B zg0UaSiq}+&`EalX7#BEfDV@qAYMM@icnM213M!mR9w($Kq8%ED;cO;XVkz{Q4UtimmO$E9jA#8uQ9V~ik4Y$ zo&H~!OodC;C{9u zsC+o6q&Ug&>PgX!i3BX0kFKLr86Uu&2<-RvzX3az^$+LKPrq1uO->1p`Vxfg3Ng>V zJXIIP#ac`I^G+}~_XD|tdK<)F!v$;o_2P)u5g6b63JA8Xq-1t=x!P8LW6zmp< zeV=ErbD(3Q>(yFqB)G3%xFo zO_hJQ^|~D;;q!gv3Ak1Hsb~spZ>ogk#I1Qi&wqX#J#Ykw-_*)@<)5 zyXS+x!Ul4U!{o_>%_8HN?=j6Dqd2%yJwsKu^j2to;>^Nuw=TPgEG#t*DiKThpHFf& zp2$Q4E1vhvTwa703qE<2xN4+w0YliiBDeO5jh{1O&WeoGiE?MHB^JBvGO z>fbV=j!c5@UkJj!F~NQ%rQ2$KNzDk=15IrfVsBOQJEdQ+W7DQ%F5by{#1EzHL_?M zwmDF3uo2~J^x7SmGFP3=6J^I*0+t8yHa0n^7fnt!)Px%F>`Q;BQ5w)Q6fgkumy67( z{J`CaU<4&(G9KOTIvI;DsP4>mgovQHc!ch^AwdPeILsCK?bh`Z z55s=A;X>D7p4G{bF;tR~k`lfbtpT+0Sh}vygX@_zEvuDy%LE}n--vo8W!Xi3hQ$Pk zuQ7GL1jtwEifPRLHJe%4G>;)gAwz$Jq_!q8X-Q%LdZwWxWSRc=?e?3SMkDy6iJ}{o z0GOVfr`)nQ7YR^*$#DGo9$5`Q_0{{Y3Y~lUmFXhWpvra;O-0qoR{y=rK}M@y!ur-J zBvjNN#>Off0u>2?vS3xX9+$YWOX7tHWE7E~f>$(wBZRZ@0;D~5$T@u_-ZT-SVH(@M zn3!Jftx8XFpFelG`TJ;@!zls1@#JeCsNR7n?4tUj|0dg4+-x*ygrjd5xcqe|0ATf7 z~6S&i)qz8%1^~qVSX_Ypb+{RA+J^ys6c9uy_TGD4viSDlqTjgbWV6YtRwf) zX*F$im0ydQ_YiB3$?e%%5?~w@yZF#`w750gy6sBq(q4J47VaJ6UvX{bmdoh1KAzAn|n za?)c0*7Z<~j4J#k;cFAbmiqLxa4-nQZ+UsNt`rnekV+X^1_sfbtSV1Wcg9f-?Eh?S z;8C|1@okB|Mt>y~P-$e5gZ$QQxCMl?Ej8PdeRTK!uO~8y*>Zs%u(5-(?RcbAQc}{0 z(dqQzS5j84^?G#Rdw;nG`2j{2`2ep*quGwc(1_q-=PD)$5;!EgAEwK)J`BwuaXVFm-vrAE;%Jh6{^3S(+2{WR{S(y&o=M&ffTfoxQ+cL!1 z1MuyXk)}-+w^6eEOqg)jy$TDfanl38!ak=D6b^!$xqgiI1I9FT0@qhp-N664yc#3| zP(D1fg$kULS|1-Dz=+SH-_+mV9|-xw09ZCbd3mI6Zf-TYyss-?=>NE*dk2Q(+tf*> zo=f6LrVZU9B*zX~*ZhyLm;$OGkNSHGl{2|= zy?vO|{S&+=5x-@>0C-2nIRpX4n zHob(vpzd{HI49GD(<*oh==Ep8TcVgGgvBFn%RhZO-6%~Y8gtH+L8c^St%2@n_QJvO za(&2C=*ughEFnQA&w|99`=0`(?3)i@Rri6|Ev?pZ@LW}fk6%-WoIlqm}&em;vdSYN<hB;L>FS=o-;XPD1T_z4kLb_vZ z085XA?7k>Sn@3d=hV5}xL@KoUtZs7L$=WgivzT^Cvr*5RIhUxz`KA>)^m=$d1_XoI%Wl)YQC zZXrAa&cQuxabPbXEPf7~CQ}Sfs18{x2K2Gr)E0S_gOB@?tzJH+ABYlS;o-yYh#`%_ zfXJKQtT!b7R#V@MeeJsz_~*RiP{5;MVO$YW0IrBl;=Um$=)gvva-pmNDLD8fHumzt zHA~l7pQgFmD-Z$Ui=f5_^c{`Q9dLSjDh)ratgH+MBH(o~=5GW%^tgbKQUF8HZ=|uw z1Xv{iLJ^9H!n_;aMq}NGh|psrOG%O@SEO=Ov&+gbmdTQXinGjk~UofPZcP5 zV@2blKe8D&hZiiNNZvsO1@FqO<{<&N#PlDm4`2&?0lWi)TsOS2K(Wcmp@3f&2{7k* zkQac>9+2W13=k%|#>XqSmnyZINGU0y0Dm|L&{~H#o>rsP$LYc?b9oF4@q-++S-guk z|4;d7F(i`r%03*?6JT6k>|N-;l%=0V=mx1iOu!{LEvE%Vy)E`8F110 za4P!!`*#h%Jq+LQ{x?je@!J@dm5q%~2@nIN1p%i6l;i$bH((X10C*n)mZC6KRaFmw z6=MA#3NdB{@c`m_)(*++oQAoU-hrzA7TfGTnRHIFz1zjDvb_M!O66eck^Fw%BpUE~ z{aH$k1PF)$-oF^?)spTiN(8cV_ryqz2j@Gz1rVmjQ>NzRA1t8%4~b)PN5@b{Te}S4 zZ>P#GwR>{@^}7B>uk#1v@$nI`UK<4b2B-cwTQ=ARlA?4-cVG@+4aZ?|->}d?B`r6R zK!tWjzZ1NnMBHBtW`IFFaO&EamBq5g8v9#bMN^3SRY+fT%&}Jtw?r_4O?KC*X+5q= z!YBopDB;UmU2g)Fd)(3pc-6e+lBc!N(bRAaclR+O!B;MEVE*ylJUq7RCIxx{YsrD9 zbg>9bgXuhA%U1(-rGV37h{0<%^{DN53Uj;oB%}dDEXmO9 z#Mm%cu37SR8YKpD1sd$7M1(<(I(u`p>(AQ{f{p`+tO zvHiF39-aMjTH%<$(I5&WCI;s3Kc=UG!BqK9Wd*4(%u&F^=W09~?-wLN0gD#ykNqj$ z7*5Q`3^GUizU@R8t5dx+`gIm2Q3!91g=8CFTja z2?rZp1Xz)ZykywF3k^|7>Wvd>q#Z(BBSxEiho2S#;o9@u+?>g;P2}#kQnVO`$Yr9A zy{ez-*j3Uw6n6swu}a>Qh*>tfBn^US+Qd4sA(%(zcYohZE`PvFm$=5odW$M9&yFtl z6__0d7ZiR0n-qB`{0>=2(tn;Q?c=5mmy=0SYNK_>)*BF}s zCr%4gY7=O>w)+#a^>hhqejv`n-XH-JCn`ix(L+M>Pf*%Jpo?Deg2jP*qVhD*-QIqQ z-LvuXS3$9(Z}DAJxcf4>GfIPEPkwHl)NwW}Y_knb&yBr|-A?ZJ8iE0rRx5?-j#pul z0RwA%H~!k0&Rd* zOZE8RMfIr)5B>W0-YIcG(CR~8P_5uLd4Eqo9_MBM#~)16*&yE<zOTYH$>`#qoLzv$1gg)~rU zr8str=a5?7GSDUbxCD29NzYO3M5f4;fo>|-x>1ewd?uplHq8gB;}BazbRz8xJ-JAB?r}1mn9sVJ2(M5C z)mDRgcNc?U(F9v3M@J8a7Sdl=wwkxn`Wzfm@PC%2P2`nG1}-J;@xs%T4#kf zaa#8@{i1~Jgr&$OkmD%`b~5QRG)QVUHig)W5f~kV1ab(IcDy=GvE*JJsj`S}xW|B` z?Z)|%|NgvpmkG5}-$xT&gCBoon>htSRe5)=y1xUfbIO#3_{{UgjvI%~W=*j8$9Pbt zpt)J7QD`-#{#5LFt&yOb%iiQjw^yU*JAa$&F?-K3bpH1kPIhx5G3>dG9ONYgv2gYe zH0r_4q@*d>P;7MNn*4B)K%%-km1xEAZXk;5ZpG4WuZ~#9@-PHUt{OIjZ}@FJd2mM& z4(kS|Rkt0A2H~fUu8jmC>@`U+o+q$Op(}$ZK7Y*a#J07fuvr{6Ouz8#EvSiSoQ2wo z@y+$dk)GQQ#011?I{#|UWs2%{L6iArvXS4PL$V$K{+#_D!cLxOVxV&9cxjG3^6W)E zX<6XnemvwTSB4uNilhi3N(&$_FkbDf;`fczB=wS?gYGu-6%Gq=(`MKS9&Ce5t-3a1 z@Vg(XbQI-(Mt#~7E=?By4K)(tj0O*1F2D>XVi};TE2x;rATO;L$*>dwniC6+lX1_E zxN(n~b07JR?~V~Z^8tY=R3ikU2}h_1X?*U0`&1cn2cynL8p<^A=-hiX5Q3<2+XJuJ z6h=Uyi+hAyLYAR`e!7OUl&$hucP-gPfRXDuB;B0yu)%qBjXQjupo{PBal@oB?YK(w z0u5cNno-+L`_qa1S|5_OxQrvDN2G`5RLjGJr3&gCmB$^^VaplD8_;nN81y{T%I`Yz6@7nBcqeKNBVCf`cCfcjNadJ=R zE8dp!xj!mXKTTeOc_|F8N!AP;|1;LjnhTsSOhP?IxLY&iFOA&7KJEqpla?AU5C1!J ziw{eqRS~XYNSZ%q{Dbvfw*#M=WwAeJ$Tc=DJLdg#tyFF&*f1ekJT7v6+SsClh)UX# znSC4aVa}TVfzNCI3yG1eP2|EJ112$d>hd53PugQs|Mmk{?IO2Z>?^0{#p&7Mcdma? z3Xxz@ehLV|XqE;yzdOVwNx+q6Z-WXvVeB_~l?ps=9^gqQD!Mx5GJAGy)~D)yyv;dD zIi=g!j}6tJJTtl26H-NuJzP5vb~kMYqjSA0siuB!K<7<#o9fQ8N{avEqrhk&mAb1E z!DVj`Hw0+!K_b_-!6c$)SKf^ts6oOA6lg$b7=~>0XBzbzeDuKU>8%tZqL^{V{jkmy zrJ>iE8^iDAQ3+DXmFQFyU=$RIUw=*2Zmglitj)0U@lrxDqA5X%2&c?+_`VIlbc!SH zvk4fRvi-HBI1pyh$r4R1Rg*?tbuP;*^!2w%ldTm-LxS z25`UYo(k5OkCW-5ZmA4N0*~z*g3=3uGba%audYRVnM138a;MT=Z$%E|aq=r(z)hSv zZ0QC4(|T5-g35(G25*p;v1id;X~*-=YCz%m5mjTkyg8(7)2`EjH~EY7SIL<1;5xzK ztOU{9r(-;Oq(f3C@a4AD?+J-n6K{B?I$;!xd6I>gE#@s|v&%Jbr6ttF%(0IV;lFJU zuXLu4kN5rkMLPQ#WKjQplT^5aniH>7t+D7<{VsUwjoR^a`x*qPO+()oo4e7qd(QC0 z=Ve1dmj8skqx1&j#@E*&&;XZemsu`PGys~_^gno}ujq&au#~T8D{^rF5eG%mg@a5& zN>{Sz^9LcwnmE^+yq6-St?l$A!7Dfc#i-DywHS4|0IQ?T;nUG#wag!?=^<-+>f8!T z#GeZt3f4+p7n8c};qTfVkwcXHs3<&Q`n`QdyaO+C5ZhH<}rdJ!by; zxI85GPZ9d3g@{_Y@U;a(SS@kT>VF0k=_0G>DWbkfHY(m<*>l~0gKq3W|Z2R&Dktc`B7O&vKCpi?beIV zY=iJ6dfKEso)ba}<|wLYf)Y5C>Oa;wnW7C2QVV3HQp8$@4oJG2Hf4JUCorGZV&C3# z4xuYn*OqL*tMy@Pkch=~iFuF7LhPrg3(3fz1^Co@(c`|ZA{{CE-skZu9m(O*e#h6Z z0j;(oV4TK85|+Hci{(v!cR?c)L)5TUiL^`Oiz6=V=${8!63wQ#JpPX&H-I|)4s&pW zyV;y`3epA_r(r@U1y^8dZe=qOT2^ojJWuk*%)5Scc6;uViacHU>~C>~n0Je`=ka~G zJg9+b@T2{obImqCOn26mi>DfVVA3Qy7#`djDK%}`_z8wajRXMY;V$CpS^RlBWrMdS zvU$VwD2DJfCNR@-l3{#V;9od}l^p&ZpfQ7f(N5m4NV^$Ge)iMMSKo2%3Ubr_J_F0t zKVbMwS8cYAe+8qsaGS&MonF>V<0lG>!TB<`y}g}1OYTJw;_oc=Q){$4w=yA*=L|4@ zSrUx1k9{#FG2F0AHA_4LvrhC=vofm5y`nu!SH~j<1vp=bI6C>Xr957rzT^`X@D249gWT&Fk z%=;0Y*$v%#tN3;zi0>dhG9_TfAT9mPPQ4ZdPfS-beKui065zoCgyue}O?2@6_!DmK zvFtjG-dr0x{<9I55GQ** zCTwf-{rc2k8JZ>_pvfu49b_hBk=#boB4Uq&&4Ncs)q6?U!C#Gi#8zuO#$MCdOm7cl6OHD9 zxVpN>9DeNel0QjVIz@!ZONPL;N5>=((56vt?GY`@U&T*OS@{L`K*4!LW^kC$AEj9U z@A!z00dg90fGi3w`)$Z-qxb9V_pbT*hL!B}^z==a5*&}Fky{)#zZS>6ai^RudpJFM zOv+CzJZYs};z~bF)a#%_qQeFlB0l+k@6>&TS`xr-as1LRXd#VZZl{5Q10znmuq7a^ z5cC;Dt2OW8nNZ-Y2p23&$PV5kY;H~yf7rFrh-Nddf5WO5lBY0s|2=Lq2bGB)Z=J6hGwZbowM#ACGp~mS10y+5rSh+ z_Q*h#8sb+XqCG@DrC)2nElmke;+Mi_5e8m7E^F8U7DyuqA3>41a>@38wGpv4=z4=AtA7HfbZ&Ydo0Bv+9$UejUg}iJ|RQKWsr!uR&ZRU ziW=`wQm8&Vf9h{wq-Hd{vX#;aNUr44Raqt~{#q|1^0idB@dx$XKxIn}4JbTQ;BY0u zkdxuwDQ5QL!af`Yf{KOmZ4RPuQup-9ZBw6V1hcvT!S$Jsm>2}QJgM$WbdO1irsIwj+J5FhMPDKw^yT!VR7$XZbG};P#VAR>KUL^wrY{&p$=U)v!wf^+ z;XUnU$LBHee=JeVNXzvif~$ISM1q930%x&_0lcTp=iun*=k~T?LSo|bx7vRAoBsXFFfR#%ISh)s3#%9ee* zd(JNAnlPs0uL5j4oHBBli{sZ30toSb5}qO=BqRQ(9g00h#{bhbck?sN7e%!Ytm3|W zHMYT{HV=QEv_q6!g@;WHs39Oj=Oe~Mx04?TnE?VO^jT9CR8&;XJj+RTDDv*!fv}jX zyH(qrE`NxOPIy?bD!pV|@B<~Q_O>~Om=ZNN?HEGpmQS1;{c8m@P^yUY{~Wqj@rEX$ z)v6a3VvWz#5lN?M^m%;#)L~S{1q~dkU$w&DG+bah%GYaUJh4cOSy2Zvuiz75>szi}Y z(b{~inT3$gt?Mz}`&l=%x|&E@#=nhkzb=V^%AhYyDh~=G*$@v6oSb6$YczRvvx4NU zp#3)o2Y4GslEZVPhv#3s!{QHF0h1zgf1(emlOcB-P+sxa1Ma6k+8RC z0m7-mf!wc&4Md!OpTNO+;03m6L>P@yoD_x^VcAeD}MWX1MvuV()x^kkGHj?gr^N z^l*-$b?->yofBg-sh--5)S$aFD%Gd+soa>@gd1PlhN%?5f#N$hkYw{Av`k4!37@pt z=!jy_YSe$Y+)7*s)oyb`1wz6SqdVQM3>zFf-rt_x9xh3M2Ys1#@AsPZEw2HD{f$Ol zz$5Lyw+PmWK4G+IO74~|G$(0zp%xcmIeDzR%mrTNMI@^j#rF5;okH$rbz94RE;6{% zK;6@c1GR6IEOFENtZb>iOnQv36s7#lqW_K-D!CGV1#ZQ?`?aZIZVnaeEf8Ci{qRJR*eKm9-I=Y{yz@pzO?KT}ccfy@vDR|3o|k_4lo*aJiF0G< z_$d*=G!FY;MNcW6`sG`TV;Ia~0M&C_zO!SPur-tCyg_36=$jVH`k>^A{sRI-ezBQi z0w8jsPm!fO{o9WB0r!7Mk6&J1!ubU?n{0HBniv@wfqG!+4G`*gT>~VR0rFX5K#vSy z|NVOJPwF4xRe-!VB&}&XVM>~Q1x6^M@XwWj*ik*rmzjo#yYi07^S&tCtiFVA>2}BS z>RYcR9$Cba6W%CBU58zgv5=vdY6==*G7Ul}XH z%nVVy79=W@H&?Zt@=>>~Wd}(of7DKIuV|F9w?^ix*DU4+hfrl|=?&2K2mAC>Q$BGP zF!+(+RDOYh)?8{!!PaJ^?~ANG*;MQ8T*)OLSJospK9yE=dsKt2-#&#a$ub=@ zIPlR*Tn59Og1DU9O~dJ)k-FcP%Llb#jmCMc@3SSdPe;-lmfSJN^OtdDmvE{1k?foi z{nJyL?P;$X?Xt>%UwkGQQ1PbiRwu^oKFQ?}Pu(q`W)!}aCGjX+d#c3uZo6J`ZccK? za6~2)y;rN8n)^GVVk#s>CUnx>pEs}j=`wDQHZ6xH+GKEZ#esESaRy&fc%UlYr6rqa z^W^#Ak4JiXqToqxA!Y&h|JBqucR8j<_AWjRqjq>uOpG1Ba@gfBt!nAS8|Y%T+; zw&*}%LSfFN$O~NWtOx^6wBnAZdC+*G?03VJy9ztB`j4!%8|Gf zr)wKmZELH~i70OqSJNZCh<>k z?k;KGVN6Hgff)CJ?M1!py#w>4yu|OH?{97fBOJWEQrf;y5W?ss|3M-1XXoU{a;dLr z0?PnRAu{by6CS|R^2hwEU6xEg2#(Y#g{xjz_7D#gkPp`YG-#;7bsqfqu&(X4rb&J=fkhYDShxP`+I}4*0c;ium?Es&~X(x;h;>~Hl zr0NEd(xZ#BJKWf71)kwH=CY(25!`K2uuF)GiwsUmj`cdJ>`TCY(uGatF}Lwxw5qSs z0$z5-?`&a2t;xwgQIzmKBxFcDu2^}v5D({G;+jO0etP1gF$73ng=k)%^4L81A5LM) z3wx6iq8=gxUcA=`eDyiCr$4Wv1TK!~29qi?XS04Spt*F&OZXOuUKLU zG9f`gcV7P){S4Jl-X6AkTXIXYE$pCxGXpZAMz%jgS&A+r6zW=27D4ISfyMd~%WSEI zt@gTvjVCr}8v(AIZH+AFVosFoqk%6K;4Ji~SGx&u25ZB^)FpAXhNAubhJZCO7!ncG z$Oxe?W2oP6)0*{euX>k_P}NS`{!5Wi=2}_V;k$P=Ad1+UgMecsj41$R^x(OyQv^w=WAUCqt}u z*)EG7iRL14sl5XHeMRTL;8OcH3HWOsd&8G4!6CA@1(8zBl<$7OM-vjwWDOCW{2RyPe|?5Iw;P z0PZB|E}$yPU*U-5k*H(|nmN$Hs%5_vM)+;kH9z!UN{ld3sMgU+Fu5-f- zHX4QhT(bNuz>c9&C;n&_&*t`ZZ{quYoi3h&_@(>2d2}t{ZRKlk#A4nLcbdZ6BAWWbcHh=je%+_+^2tM`2$7wr6kmm=dW|L49r{_+<|RA>2cVz*R~n}JN|{A z5$QdPU25&;1M$JP*gqbsG;|qaf$n%+ckyU^z?UwO3CZ4GF!BK1ot#0U<)I|O#6&>? zZ=j=G%zsASG%W*U(k|t2#kXQV+``Fct;!>3nbzL3WN`Tv^*14 z-fVZE+aJJk!bLSIpxMvwO5z_lOJRi_FYcHHC>tF60ibFUKG;f)7sUql19uwzcV1s# zb2vIF5s7f6zZE!j`+;Y?g_~*B?QJQyUJDzr?Tx!_Q* z_tO;v6Dot-$d@1tkbiq}%yJYW{>%E+M0T>uk>Y-cl4Z4oVqj27H;_FKWAER0MYZ@X zHY==hP7?zUk&@yoQJt@^A5ue>U|&LJyc~mxc06v_44d{z&q~9uJF7i>9;MJaj6$#7 zq2q`tur8|~9m;SV?R{2NRwzG*|Jx;}5KZt<4}@J2q;~nTO~6-Qylmq59BC{Cte^ly zB?tQSDUzyE1`tCv4Ni)g2d?$+MsH2N2c?LSU}whq8P)wTc)EG|7yY%xCcw#3hlbFc zxhXJ!+2%-T4p2_zGU5A2NWE;vu`)Ig&WZ<@d+K!{h>FuX+T@BzL~qfn(E!!KG94P# zkYt(3(z0YX_vM%YGX^c{Xuy*%T0v`*>(`*56mk=Ofbd7(K(Qj1w71b~>o|o0GPN~S z51I|&BcuNFI;10Z#ymg~q7C+_aOp zHSiDp3yN3OZBDIUMB!%Z$JB$Q}&(DHH zBjASfzvR6Y0-JL|wzw?BGZwAyB5I3cIj!JwV}BX-R#WJ2<54!cli0 zu{%<|!%1xFj!e(xjDHK<;_Ja6L^B7~YU|bJ;wv=b4Pnc=j$fazd=Dl_SZjEBVzih} zTK?N~Tq1MsKw|v*>d%m9>LA<&2W)5dOhr6^1PYGZpvkPc>e zp;5_iD~{HtEj(jrz=5B9%RA{48ws9x4=5Jn{RY07~cIS$ZSQ37)ce-(lH)+nccWVK0csGfY5!5riplcf8}- zZTEzr{N*KGFx`7jPP)j3wL?Q{AHTrEFN@%%w7sifqb+-mEkK7TwgJ79N_4N^)Wk`; z+Jxm49T|CyhYLPt>Y+}bxLfRa!0dBx!(KiO>NO=uR z`o}8!d~>PBL}YmC;v(>-se~r6AM4paC?z11xs5wXwaiqb!18EA z)*=B;!u*G25v09=T}5;<(*hD3d(X&~-=Ch_+NMfPWX!1w?czO-(8R6&20&#su(&M1 zrtn*uuag7yu({aeCzI)Ysifo{rtgqlqb(|sn1EfGcvo~pm z1PFvBA|)!M@^=slnys}&z5kO+ZT(;iV14W*!e{a4S^ouIVoR|uZs8kvSG$NSu#RZ( zlZ|>&4GbcCR6o~Br}Xz!1pimrvyA9mxOIHsgrHEtdicKDdRq*m)DrG7wBWk57)I7mON z*)KdN$E>yQM% zFK79!X_6owoaB>b0G32b8~TKt&gJ$?zTGWSB7qXT2r^YYozjVCW$r~1w~U@>;vKG* z!vNKqapd)ZFM)dLnNFLX&?9nh#bx=4+O*_8qth|z)zWelMk^n z@hkj7;K(X_GajWLLlXABPICH?%`z?}`7(OASf1RCUD*&S6$J2Uv9mKGJ)Fc})&do7 z!{P~)=&bphL4KS1faAq$^=GNR99v~uY=&Ecn#7ZMrJp<<86|>zl*BG_u<{|1=K5CV zjf~!dUYmligZ^0DCIIpK0tfq628|VS$Az4X!3HS{5f=4&pM&!KSXFkZ0X{mKG3;H3 zrw#mD_OV9LkR;nM&QCq+0nSGT}ztx zhdYC9l{?I?HiJK!NLF`ou!A2SaU|co5X7mdcFK=tS@L{+mkqur{=#A;z8h_~JK7Cz ze#E)FL{27%*PWOU6b85ZM;@F0e8S#_irP65P5o>TpVXd^y0YRdWiCpn=gDoF7z7I= zWnu-9A5^T9G`C>S%-$N+;Ok=Xb<$6=k1C@tt8&t4J6X^0zTGp0)i~_5rlNL4XvRFk5!76W!y`QMd#$;RmJUf*#UfJurU z!Ns*h-IKQ_2#ubwfv5=@O>%#@6Itu=I(>DbF7kb55O{tx9RsW^Tr|QPDfkKCV@$Sb zCeI(Nd!(960*ph+gGyWkMQtNXIU}DuQe%j0vmEBT{m=6Fm6ee5+V#PO)r8dUOBm*I zG*3+RXN>uXenhT6CV~P3t3C^!sw*p_zy0gSayxi&M>t=A zR>m~$9qyNL(GU)^fu>)_Gdf1h@6g>ZE88dPy4jhYKAG9E);?sa6R@O0ues-tzj4;1 z;SakD`0wzMm3ykFAX;b*=H}O}YCN%NkSf+J6i5}x>8L!6=UpHEvBv+)?~9RavoVmQ zuImqQkbjFP2SGbKO9Jj4ymJp+`SDlJEFi&OZ#UF}OTP(v{yD=9E<}vGEFw zA&R`=m^KbB`|oW@yk;p+Gk88vL!6o#w1;}`jg-U3I^EN)IfC}T>Bi)gY>XmJmMsC^ zD7nrmE9LEr6w2`eg$?ecldxJH=c~Mw#N?Urc-V1YNcE zP(0SZO#@$1VL`~dv$Sw~z4Lxg^=iYTxl%hPhvNq#b!O}8wcBtg?LIIs|2j8to!sN6 zFE3Eb7qI3f1XIq8Ncd*F%6=zw2h+i`RmX$>G+42c^idnSm(W-!>iSHlbc4?So@rP; z)jLDz({Vy4(dv1olpVnIyc3=OiBW znEx-TOBx@+&uJ(@O^QLP49{cJbf%RQQq~O+*5fFJF<b<7`EI z3!0r|C-uB<#!Xgo(caJj{-SKn7%McUwMVTpZ6XB+sLtcqnC4kLB%Jp znxJM;=rGA@6|q6)&q}jtmigPo-sm4aBSeinu>nJ1gAVEzG1V`GXcw}|dkw7NYn-se zi_JTd>uPI9vOVvU?Y-FGYd0YgArM7B8V%%BO?1kiY_>q8wfh89yJ-lMeLeD}zGZyxwATB-@gRm@&mv03iAa>ged!`ZD5G{u?|A%TES2uT;yiUtg#`7nz+r^SRnw3oM^?d|`2I zEhy0agtJ4sJZqhv;&+HjKoG_2dj8>Un(gyM;~?v0RqONWfq{v+9ZKZW^^q|Rs;#ZX zW;KQpc)1j*&}=9>`>OAE2=x=ukDeE-Zx|`>vle!St@T9a>Q69;F;7M=E}re9+KcY9 zLEq3~9&Y-w zhvT@_I(b+J2hDpQ(DpJe(n7i z(be-cVKCMjR3albR(k^f6u+%rCWFHa@5*>&N7g(1c*S_*^J^j44O6Y@ESFL;3h^W> zJXw>U<{M%g7qQr~g7i6!jhF|M*@LkpBARCr;o-sntaGku0rm-AQ3)ca+TSyyVUgzK zr+%PQ%-`SA~rZ2Ku7( z#Kfhf$Ip#hA{B#JL%ljTUGQdopD{>3V?~J269#r%kM`!f6a4Jz+IOZ{f|o^RYtUh3 z9}pP`OuC~Kjj3+xxqvz9MWcrYRvr{C9v)z;yq3+Rra9`Z)FIL}P3qE@Q>?B@HbqU4Y+zm7( zVGN;>#W%9}$8iV0%1B?1r?Nf#sX<9~y~qO-1O=c3QBe10+hbMz@ct^2VCNHe%W~Vs zqGF(LHl|}=>%Mbgmj2@$Q2BHKJI>{o-&&{dM#;v>OrcEZMtM;Y6limMJMaF&(zm!> z6d7Di6GDIFCU{|NI_`EcWT;Bf*4F!Xe24OrZHo5R=?mDC+zV)a@!Fo-^2^&}wG;j5 zXzxrLAEdL3c)_;YSAut!v6PH%{cgOYcTVhh6w*8?d+C#2{Gg;6aEBL!5(x-M~k z_`EI%)6>)9uQmWe4`65o*b|OrsHzhW%}Kl!?C-6 zyy5zfTtTneGrM$yM)4rPMRD@UgTVTyt1qO-y~O=7UbDIn+A4bv&u3@zF{ybe7N z!o}?fY<+gMa&^*Q)#qhTYrN<8$~t-SNqg2dvrYdYMS9^HnXAT0R1hs7+h__50e~4p zYc<(?Id=8DIh+RaoL~1~H-VARI#Vv62LZm;ernG^+5!l~&5gHm+kuOyKVTvrsib4Q z!3jo+&vRqCOrpSR&JGCAi`t7SFA~0Fz&nF%78ZAk?uek~AQTqWgmkn%nMwQorVp$( zXq_Fyoq#^ZHd;kdJP`I=VVCJAdGe7+2K1qk_}oe^*lNR!XedNPL}Tfk@=MR$yuA4U z0cL1o!lr?VmlvqFT4z=`I!p6%{p3`^%Rv)U>ocfUwyl)Ue@{ z6s)#B0*gsFf0~$}nApFnN zFyONi%1=bFGc`9iN6rgFQC3;m55%5>fm&KxmO6dEV$y5)0SSQ3t*u6YOD{twF92B< z6c^`LoiBPoM2QCq1wsksPuEujb=a))aB*{!Ffkzu2nh6iMF+Zx8fPUdcvDhQ(f3PU z02Ue=n*Ga{h8HZe^U~(4DL6xbv?1={!DB&`PTmTn6MUeDNQ8W00|Vlbg#5Uc3l-hU z|Es+#ZE7Nmq6s1z*%A;%OjrV<5@jt!1X%+K>KL_AwBmJ+J$nb1v=R zj@c^YigCNwYhsDWrg526^u2NOBTkzKK;9j{JXwRoVo^3WHsE-?IU*uL(nQ33o|%~j zu19b~G8#O-onm6lM?0>k=_P$V9v3b|jdz!&6&D+}@Z@5^_~6IfZST6vw%gm=n}>Jl zCxTQBnrJiy%Zh9C1WZawN(_rdf%Kjy5U@YAY?T?D*p(l&8{sV>Ynli-sHmu@2MU*i zDJ8G4FnU&j6S|!qKe!&Mcm}my*}YL&xe1Z#6%=s6>fL}uQeLN|!Xpqp&drSeU_aAg zRZ>xrArg%n4s}T#kYhd%w<0G5GC9Shq$GgCU&UfvYip~d$pjVa8xHoQBaf*0+8!q=Z=eyk9NZBJD4TX z+EjVzOAsF{fuKsGJ;^`Ql0$F>bzIn!!faR-_2A}&`c(#@P3d(2XX?Yl!vnv?c?3z6 zf#KkK+u`Rf;APfvjq9vn_+ zyG+&$4&!22vd#Bhls*s&g#*3!B7JJ237#feCM44Fz(6y*J$$F)rzjMdyXnexwY4`= zD3tT>pSijFkc}A%L^%|-)qa9tC~COcwFA<~)cpL}djYj&b#?ydsX}u^g9%I#sA%9XFXAb}P;QY|of1Q- z4ERd+F86m12q3@`|J2fWMaZx;Pb!r*TvpwFj84xvTfgEJ$2OuyMePA2Y%zF#t8B9r zGM6RH_9<}GrgFK`_#;k6qSDfotgOSL$zIdvH*V-WHONaH9vNXwzirmGiN?b#5YLk* zFM(8$A(t=@=y~#1pf9Al7dP^EfaN4b4;^0EAS^A#fR8+qdfwaaeDzY~ZANx?4~A|9 zS3~jh)A6dHX9G!L;5F;bRf2AwGyH8V5EarksQaC%2REtqUnI2V=4N(wwi}g7ZTB&d zn0=~WbvVHK$OVCCo7yF#zv;?wm2i`QATJaeg@%P$qQ#ofsbT+y`>|u#EnAdO0^3;Q zf?Kzcq7{Q9*8<(c!%K#DW%fR{(C05MFT0j`)%2FXo?FnjlBjEGX(9X%@WGmblPZdQ zSuSxUHa&Nl#y>bR$zc;dRD5SA^Xak8v zy3|5G7uEMC4u`SE{P2(5N&eRX%Qu$N8~N z!V!Tv+Hv(OJP|z;r1zF`IGdioc)?iwJOY(9A{K2EW_Kavul~O-BH2^YWaLaVG(@A| z)q8G~8HuzGWqLG%Vq#))zBAd&+j|45fRKGxK@-~wg4y*b>Y+oY+;-W%qZoLv%S?AH8nK|U7b)$t*)#zhvynC7>o&_%itrALJbZMT0SIN zVzv@JlY#FQy!ve=e&x$coQ@6$Xkd6?2sMELI!;s5(9T{XytBZT3UgoRp+K!!k~*+h zto|4cMBm%j=Wj|5&-gZ#;TY6(Syf;WqU4@~&uq$29}-nOcnBX(_I8^#wOmEpxC!mY zIRs@m78zVqGc&Hx3PWI{0)Ae1TO zn+0|@@1E>{B!Q%MpxzCQ%5EZ+UJ7hu5d__DXV Date: Wed, 1 Apr 2015 21:50:10 -0400 Subject: [PATCH 24/70] FUNCTIONS ARE ALIVEEEEEEEE --- backpropagation/run_tests.py | 15 +++++++++++++-- 1 file changed, 13 insertions(+), 2 deletions(-) diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py index e7d4039..587727f 100755 --- a/backpropagation/run_tests.py +++ b/backpropagation/run_tests.py @@ -110,8 +110,19 @@ def setup_logger(log_path, logger_name, logfile_name): test_suite = Tests(logger, args) target_test, Y_pred, cost_list, cost_test_list, learning_rates = test_suite.run_tests() - logger.info('Accuracy: ' + str(accuracy_score(target_test, np.rint(Y_pred).astype(int)))) - logger.info('\n' + str(classification_report(target_test, np.rint(Y_pred).astype(int)))) + if args.test_type != 'f': + logger.info('Accuracy: ' + str(accuracy_score(target_test, np.rint(Y_pred).astype(int)))) + logger.info('\n' + str(classification_report(target_test, np.rint(Y_pred).astype(int)))) + else: + target_test_1d = target_test.ravel() + Y_pred_1d = Y_pred.ravel() + distance = 0 + + for i in range(len(target_test_1d)): + distance += abs(Y_pred_1d[i] - target_test_1d[i]) + + avg_distance = distance / len(target_test_1d) + logger.info("Average Distance between total actual output and predicted output: %s" % (str(avg_distance))) save_path = 'results/data/Experiment-%s' % (experiment_number) save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, experiment_number) From 86cf59ee865593dc4a2b064009bdf53bac0d9952 Mon Sep 17 00:00:00 2001 From: davpcunn Date: Wed, 1 Apr 2015 23:06:08 -0400 Subject: [PATCH 25/70] created driver function --- backpropagation/driver.py | 33 +++++++++++++++++++++++++++++++++ 1 file changed, 33 insertions(+) create mode 100644 backpropagation/driver.py diff --git a/backpropagation/driver.py b/backpropagation/driver.py new file mode 100644 index 0000000..1889367 --- /dev/null +++ b/backpropagation/driver.py @@ -0,0 +1,33 @@ +# run multiple.py +import os + + +def recursive_run(hidden_layers, learning_rate, exp, tests): + if len(hidden_layers) == 11: + return 0 + hlstr = "" + for i in hidden_layers: + hlstr += str(i) + " " + for test in tests: + if test == 'f': + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training1.txt --ftest testing1.txt --fvalid validation1.txt') + exp += 1 + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training2.txt --ftest testing2.txt --fvalid validation2.txt') + exp += 1 + else: + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate)) + learning_rate += .1 + + if learning_rate == 1: + learning_rate = .1 + if hidden_layers[len(hidden_layers)-1] == 100: + for i in hidden_layers: + i = 1 + hidden_layers.append(0) + hidden_layers[len(hidden_layers)-1] += 1 + if recursive_run(hidden_layers, learning_rate, exp, tests) == 0: + return 0 + else: + return 1 + +recursive_run([1], .1,0, ['x', 'a', 'd', 'f']) \ No newline at end of file From 0224266344e5531ef36e5a750b88e059d793b0ea Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 1 Apr 2015 23:53:23 -0400 Subject: [PATCH 26/70] added interface for rmse to be hooked into davids calculation of it --- backpropagation/analysis.py | 40 +++++++++++++++++++++++++----------- backpropagation/network.py | 5 ++--- backpropagation/run_tests.py | 9 +++++--- backpropagation/tests.py | 23 +++++++++++++-------- backpropagation/utils.py | 25 ++++++++++------------ 5 files changed, 62 insertions(+), 40 deletions(-) diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index c8c53a5..5409b8a 100755 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -4,7 +4,7 @@ from utils import * -def plot_error_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): +def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. @@ -25,11 +25,7 @@ def plot_error_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_ # Save the figure plt.savefig(plot_file_name, bbox_inches='tight') -def plot_error_versus_epochs(plot_file_path, experiment_number, target_test, Y_pred, cost_list, cost_test_list, learning_rates): - - """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. - cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. - """ +def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_test_list): x1 = np.arange(len(cost_list)) y1 = cost_list @@ -41,26 +37,46 @@ def plot_error_versus_epochs(plot_file_path, experiment_number, target_test, Y_p plt.subplot(111) plt.plot(x1, y1) plt.xlabel('Epochs') - plt.ylabel('Error') - plt.title('Error Versus Epoch Over %s Epochs' % str(len(x1))) + plt.ylabel('Cost Function') + plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) plt.legend(loc=0) plt.grid() fig.tight_layout() - plot_file_name = "%s/epoch-vs-error-exp-%s.pdf" % (plot_file_path, experiment_number) + plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') fig = plt.figure() plt.subplot(111) plt.plot(x2, y2) plt.xlabel('Epochs') - plt.ylabel('Testing Error') - plt.title('Testing Error Versus Epoch Over %s Epochs' % str(len(x2))) + plt.ylabel('Cost Function') + plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) + plt.legend(loc=0) + plt.grid() + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse): + + x1 = np.arange(len(rmse)) + y1 = cost_list + + fig = plt.figure() + plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('RMSE') + plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) plt.legend(loc=0) plt.grid() fig.tight_layout() - plot_file_name = "%s/epoch-vs-testing-error-exp-%s.pdf" % (plot_file_path, experiment_number) + plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') return plot_file_name \ No newline at end of file diff --git a/backpropagation/network.py b/backpropagation/network.py index 4f51260..0eb8137 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -65,7 +65,6 @@ def initialize_theta(self): self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] def print_theta(self): - """self.logger.info(_theta(self) self.logger.info(s self.Theta_L and architecture info to std out""" T = len(self.Theta_L) @@ -286,8 +285,8 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): self.logger.info('Theta: %s' % t) self.logger.info("\n" + str(np.round(theta, 2))) - self.logger.info('i: %ld - cost: %ld', i, cost_list[i]) - self.logger.info('i: %ld - cost test: %ld', i, cost_test_list[i]) + self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) + self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) return cost_list, learning_rates, cost_test_list diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py index 587727f..321769f 100755 --- a/backpropagation/run_tests.py +++ b/backpropagation/run_tests.py @@ -108,7 +108,9 @@ def setup_logger(log_path, logger_name, logfile_name): logger.info("Program Parameters: " + str(args)) test_suite = Tests(logger, args) - target_test, Y_pred, cost_list, cost_test_list, learning_rates = test_suite.run_tests() + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() + + if args.test_type != 'f': logger.info('Accuracy: ' + str(accuracy_score(target_test, np.rint(Y_pred).astype(int)))) @@ -125,9 +127,10 @@ def setup_logger(log_path, logger_name, logfile_name): logger.info("Average Distance between total actual output and predicted output: %s" % (str(avg_distance))) save_path = 'results/data/Experiment-%s' % (experiment_number) - save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, experiment_number) + save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) # Plotting if args.plot: plot_file_path = 'results/data/Experiment-%s' % (experiment_number) - plot_error_versus_epochs(plot_file_path, experiment_number, target_test, Y_pred, cost_list, cost_test_list, learning_rates) + plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_test_list) + plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse) diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 3b1426f..86e0448 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -18,20 +18,20 @@ def __init__(self, logger, args): def run_tests(self): if self.args.test_type == 'x': self.logger.info("====RUNNING XOR TEST====") - target_test, Y_pred, cost_list, cost_test_list, learning_rates = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'd': self.logger.info("====RUNNING DIGITS TEST====") - target_test, Y_pred, cost_list, cost_test_list, learning_rates = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'i': self.logger.info("====RUNNING IRIS TEST====") - target_test, Y_pred, cost_list, cost_test_list, learning_rates = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'f': self.logger.info("====RUNNING FUNCTION APPROXIMATION====") - target_test, Y_pred, cost_list, cost_test_list, learning_rates = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) def translate_to_binary_array(self, target): @@ -138,12 +138,19 @@ def XOR_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) def fnct_aprox(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, training_name, testing_name, validation_name): + #read in train data_train, target_train = self.parse_file(training_name, 200) + np.random.shuffle(data_train) + np.random.shuffle(target_train) #read in test data_test, target_test = self.parse_file(testing_name, 100) + np.random.shuffle(data_test) + np.random.shuffle(target_test) #read in validation data_val, target_val = self.parse_file(validation_name, 50) + np.random.shuffle(data_val) + np.random.shuffle(target_val) NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test, data_val = data_val,target_val = target_val) diff --git a/backpropagation/utils.py b/backpropagation/utils.py index ab1140e..032acce 100755 --- a/backpropagation/utils.py +++ b/backpropagation/utils.py @@ -26,20 +26,7 @@ def printmat(arr,row_labels=[], col_labels=[]): #print a 2d numpy array (maybe) else: raise Exception("This case is not implemented...either both row_labels and col_labels must be given or neither.") -def parse_file(self, filename, num_lines, num_inputs): - data = np.zeros(num_lines, num_inputs) - target = np.zeros(num_lines) - f = open(filename, 'r') - for index, line in enumerate(f): - values = line.split(" ") - num_inpust = len(values) - for i in range(0, num_inputs - 1): - data[index][i] = int(values[i]) - target[index][num_inputs-1] = values[num_inputs-1] - f.close() - return data, target - -def save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, experiment_number): +def save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number): # Saving error/cost values @@ -79,6 +66,16 @@ def save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learnin lr_txt_file = "%s/learning-rates-info-file-txt-exp-%s.txt" % (save_path, experiment_number) np.savetxt(lr_txt_file, learning_rates, fmt='%.8f', delimiter=',') + # Save RMSE + + # Save in .npz, which is easily readable by Python Numpy for later use + rmse_npz_file = "%s/rmse-info-file-npz-exp-%s.npz" % (save_path, experiment_number) + np.savez(rmse_npz_file, rmse) + + # Also, save as text for human readability + rmse_txt_file = "%s/rmse-info-file-txt-exp-%s.txt" % (save_path, experiment_number) + np.savetxt(rmse_txt_file, rmse, fmt='%.8f', delimiter=',') + From 58133eee8831729e027c90b9324f6e72a23684f5 Mon Sep 17 00:00:00 2001 From: davpcunn Date: Wed, 1 Apr 2015 23:56:14 -0400 Subject: [PATCH 27/70] rmse --- backpropagation/network.py | 23 +++++++++++++++++++---- 1 file changed, 19 insertions(+), 4 deletions(-) diff --git a/backpropagation/network.py b/backpropagation/network.py index 4f51260..07f9d48 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -2,6 +2,7 @@ # -*- coding: utf-8 -*-# import numpy as np +import math as math from matplotlib.pyplot import plot from sklearn.datasets import load_iris, load_digits @@ -235,7 +236,7 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): # List of results of cost functions cost_list = [0] * self.epochs cost_test_list = [0] * self.epochs - + rmse = [0] * self.epoch # Initial Forward Pass a_N_train, Y_pred = self.predict(X_train) # Initial Cost @@ -280,6 +281,12 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): if Y_test is not None: a_N_test, Y_pred_test = self.predict(X_test) + error = 0 + for (a, b) in zip(Y_test, Y_pred): + error += (a-b)*(a-b) + rmse[i] = math.sqrt((1/(2*len(Y_test)))*error) + self.logger.info('Epoch %d:' % i) + self.logger.info('RMSE: %f' % rmse[i]) cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) for t, theta in enumerate(self.Theta_L): @@ -289,7 +296,7 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): self.logger.info('i: %ld - cost: %ld', i, cost_list[i]) self.logger.info('i: %ld - cost test: %ld', i, cost_test_list[i]) - return cost_list, learning_rates, cost_test_list + return cost_list, learning_rates, cost_test_list, rmse def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): @@ -303,7 +310,7 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) # Fit - cost_list, learning_rates, cost_test_list = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + cost_list, learning_rates, cost_test_list,rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) # Predict for test log self.logger.info('Test results:') @@ -315,6 +322,10 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l self.logger.info(p) self.logger.info('CE on Test Set') self.logger.info(self.cost_function(target_test , Y_pred)) + for (a, b) in zip(target_test, Y_pred): + error += (a-b)*(a-b) + error = math.sqrt((1/(2*len(target_test)))*error) + self.logger.info('RMSE on Test Set: %d' %error) #Predict for validation results @@ -328,4 +339,8 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l self.logger.info(p) self.logger.info('CE on Validation Set') self.logger.info(self.cost_function(target_val , vY_pred)) - return target_test, Y_pred, cost_list, cost_test_list, learning_rates + for (a, b) in zip(target_val, vY_pred): + error += (a-b)*(a-b) + error = math.sqrt((1/(2*len(target_val)))*error) + self.logger.info('RMSE on Validation Set: %d' %error) + return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse From 675eec8240cb63324618f52d9148dad2af1c2deb Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 1 Apr 2015 23:56:55 -0400 Subject: [PATCH 28/70] changed non existent 'a' option in driver.py to correct 'i' option --- backpropagation/driver.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/backpropagation/driver.py b/backpropagation/driver.py index 1889367..bee6777 100644 --- a/backpropagation/driver.py +++ b/backpropagation/driver.py @@ -24,10 +24,10 @@ def recursive_run(hidden_layers, learning_rate, exp, tests): for i in hidden_layers: i = 1 hidden_layers.append(0) - hidden_layers[len(hidden_layers)-1] += 1 + hidden_layers[len(hidden_layers)-1] += 1 if recursive_run(hidden_layers, learning_rate, exp, tests) == 0: return 0 else: return 1 -recursive_run([1], .1,0, ['x', 'a', 'd', 'f']) \ No newline at end of file +recursive_run([1], .1,0, ['x', 'i', 'd', 'f']) From 4c3efbac6a522fe529d7bba65fb5b7bdb38697fe Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 2 Apr 2015 00:09:51 -0400 Subject: [PATCH 29/70] fixed analysis typo --- backpropagation/analysis.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index 5409b8a..7ce93e3 100755 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -64,7 +64,7 @@ def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_t def plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse): x1 = np.arange(len(rmse)) - y1 = cost_list + y1 = rmse fig = plt.figure() plt.subplot(111) From 4f0bf6f41f70ebb5c1c965ea19cac7e6f0fd770d Mon Sep 17 00:00:00 2001 From: davpcunn Date: Thu, 2 Apr 2015 09:28:34 -0400 Subject: [PATCH 30/70] rmse p 2 --- backpropagation/network.py | 27 +++++++++++++++++---------- 1 file changed, 17 insertions(+), 10 deletions(-) diff --git a/backpropagation/network.py b/backpropagation/network.py index f7e1e60..50ba99c 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -235,7 +235,7 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): # List of results of cost functions cost_list = [0] * self.epochs cost_test_list = [0] * self.epochs - rmse = [0] * self.epoch + rmse = [0] * self.epochs # Initial Forward Pass a_N_train, Y_pred = self.predict(X_train) # Initial Cost @@ -281,9 +281,15 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): if Y_test is not None: a_N_test, Y_pred_test = self.predict(X_test) error = 0 - for (a, b) in zip(Y_test, Y_pred): - error += (a-b)*(a-b) + error = Y_test - Y_pred_test + for a in error: + a = a*a + error = np.sum(error) + print error rmse[i] = math.sqrt((1/(2*len(Y_test)))*error) + print len(Y_test) + print rmse[i] + return 0 self.logger.info('Epoch %d:' % i) self.logger.info('RMSE: %f' % rmse[i]) cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) @@ -309,8 +315,9 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) # Fit - cost_list, learning_rates, cost_test_list,rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) - + cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + + error = 0 # Predict for test log self.logger.info('Test results:') a_N, Y_pred = self.predict(data_test) @@ -321,11 +328,12 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l self.logger.info(p) self.logger.info('CE on Test Set') self.logger.info(self.cost_function(target_test , Y_pred)) - for (a, b) in zip(target_test, Y_pred): - error += (a-b)*(a-b) - error = math.sqrt((1/(2*len(target_test)))*error) + for a in range(len(target_val)-1): + error += (target_val[a]-Y_pred[a])*(target_test[a]-Y_pred[a]) + error = math.sqrt((1/(2*len(target_test)))*error) self.logger.info('RMSE on Test Set: %d' %error) + error = 0 #Predict for validation results if data_val is not None: @@ -338,8 +346,7 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l self.logger.info(p) self.logger.info('CE on Validation Set') self.logger.info(self.cost_function(target_val , vY_pred)) - for (a, b) in zip(target_val, vY_pred): - error += (a-b)*(a-b) + error =np.sum((target_val - vY_pred)*(target_val-vY_pred)) error = math.sqrt((1/(2*len(target_val)))*error) self.logger.info('RMSE on Validation Set: %d' %error) return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse From 5f9097e03264e33969be76df4574b97968aa1254 Mon Sep 17 00:00:00 2001 From: davpcunn Date: Thu, 2 Apr 2015 10:38:33 -0400 Subject: [PATCH 31/70] analysis.py --- backpropagation/analysis.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index 5409b8a..7ce93e3 100755 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -64,7 +64,7 @@ def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_t def plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse): x1 = np.arange(len(rmse)) - y1 = cost_list + y1 = rmse fig = plt.figure() plt.subplot(111) From feece06bebbd6ba1b3776e554a4f81a1a8e216e9 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 2 Apr 2015 14:19:42 -0400 Subject: [PATCH 32/70] vastly improved the readibility of logged data, added two new graphs, fixed RMSE bug, and other various fixes --- backpropagation/analysis.py | 57 +++++++++++++++++++---- backpropagation/network.py | 88 ++++++++++++++++++++++-------------- backpropagation/run_tests.py | 31 +++++++++---- backpropagation/tests.py | 17 ++++--- 4 files changed, 134 insertions(+), 59 deletions(-) diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index 7ce93e3..7148b97 100755 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -25,7 +25,7 @@ def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_l # Save the figure plt.savefig(plot_file_name, bbox_inches='tight') -def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_test_list): +def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): x1 = np.arange(len(cost_list)) y1 = cost_list @@ -34,26 +34,28 @@ def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_t y2 = cost_test_list fig = plt.figure() - plt.subplot(111) + subplt = plt.subplot(111) plt.plot(x1, y1) plt.xlabel('Epochs') plt.ylabel('Cost Function') plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) - plt.legend(loc=0) plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) fig.tight_layout() plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') fig = plt.figure() - plt.subplot(111) + subplt = plt.subplot(111) plt.plot(x2, y2) plt.xlabel('Epochs') plt.ylabel('Cost Function') plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) - plt.legend(loc=0) plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) fig.tight_layout() plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) @@ -61,22 +63,61 @@ def plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_t return plot_file_name -def plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse): +def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): x1 = np.arange(len(rmse)) y1 = rmse fig = plt.figure() - plt.subplot(111) + subplt = plt.subplot(111) plt.plot(x1, y1) plt.xlabel('Epochs') plt.ylabel('RMSE') plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) - plt.legend(loc=0) plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) fig.tight_layout() plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') + return plot_file_name + +def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): + + x1 = target_test + y1 = Y_pred + + fig = plt.figure() + plt.scatter(x1, y1, alpha=0.5) + plt.xlabel('Target Values') + plt.ylabel('Predicted Values') + plt.title('Accuracy of Network') + plt.grid() + fig.tight_layout() + + plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + return plot_file_name \ No newline at end of file diff --git a/backpropagation/network.py b/backpropagation/network.py index 50ba99c..d92ac50 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -2,6 +2,7 @@ # -*- coding: utf-8 -*-# import numpy as np +np.set_printoptions(precision=4, suppress=True) import math as math from matplotlib.pyplot import plot from sklearn.datasets import load_iris, load_digits @@ -280,26 +281,26 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): if Y_test is not None: a_N_test, Y_pred_test = self.predict(X_test) - error = 0 - error = Y_test - Y_pred_test - for a in error: - a = a*a - error = np.sum(error) - print error - rmse[i] = math.sqrt((1/(2*len(Y_test)))*error) - print len(Y_test) - print rmse[i] - return 0 - self.logger.info('Epoch %d:' % i) - self.logger.info('RMSE: %f' % rmse[i]) + + sum_e = 0 + for j in range(len(Y_test)): + sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) + + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + + rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) + rmse[i] = rmse_epoch + cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) for t, theta in enumerate(self.Theta_L): self.logger.info('Theta: %s' % t) - self.logger.info("\n" + str(np.round(theta, 2))) + for theta_i in np.round(theta, 2): + self.logger.info("%s" % str(theta_i)) - self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) - self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) + #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) + #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) return cost_list, learning_rates, cost_test_list, rmse @@ -316,37 +317,54 @@ def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, l # Fit cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) - + error = 0 # Predict for test log - self.logger.info('Test results:') + plot_vals = [] a_N, Y_pred = self.predict(data_test) + self.logger.info('###################################Testing Results###################################') self.logger.info('Given X:') - self.logger.info("\n" + str(data_test[:5])) + for x in data_test[:5]: + self.logger.info(x) + for p in zip(target_test[:10], np.round(Y_pred[:10],6)): + plot_vals.append(p) self.logger.info('Actual Y, Predicted Y:') - for p in zip(target_test[:10], np.round(Y_pred[:10],3)): - self.logger.info(p) - self.logger.info('CE on Test Set') - self.logger.info(self.cost_function(target_test , Y_pred)) - for a in range(len(target_val)-1): - error += (target_val[a]-Y_pred[a])*(target_test[a]-Y_pred[a]) - error = math.sqrt((1/(2*len(target_test)))*error) - self.logger.info('RMSE on Test Set: %d' %error) + for pv in plot_vals: + self.logger.info("%s" % str(pv)) + self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) + sum_e = 0 + for j in range(len(target_test)): + sum_e += pow((target_test[j] - Y_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) + rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) + self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) error = 0 #Predict for validation results if data_val is not None: - self.logger.info('Validation results:') + plot_vals = [] va_N, vY_pred = self.predict(data_val) + self.logger.info('###################################Validation Results###############################') self.logger.info('Given X:') - self.logger.info("\n" + str(data_val[:5])) + for x in data_val[:5]: + self.logger.info(x) + for p in zip(target_val[:10], np.round(vY_pred[:10],6)): + plot_vals.append(p) self.logger.info('Actual Y, Predicted Y:') - for p in zip(target_val[:10], np.round(vY_pred[:10],3)): - self.logger.info(p) - self.logger.info('CE on Validation Set') - self.logger.info(self.cost_function(target_val , vY_pred)) - error =np.sum((target_val - vY_pred)*(target_val-vY_pred)) - error = math.sqrt((1/(2*len(target_val)))*error) - self.logger.info('RMSE on Validation Set: %d' %error) + for pv in plot_vals: + self.logger.info((pv)) + self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) + sum_e = 0 + for j in range(len(target_val)): + sum_e += pow((target_val[j] - vY_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) + rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) + self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) + return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse + diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py index 321769f..b551f81 100755 --- a/backpropagation/run_tests.py +++ b/backpropagation/run_tests.py @@ -63,7 +63,7 @@ def setup_argparser(): optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") - + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") return parser @@ -104,18 +104,25 @@ def setup_logger(log_path, logger_name, logfile_name): os.makedirs('Experiment-' + str(experiment_number)) logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") - logger.info("==========Experiment Number %s==========", experiment_number) - logger.info("Program Parameters: " + str(args)) + logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems() : + logger.info("%s=%s" % (str(key), str(value))) test_suite = Tests(logger, args) target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() - + Y_pred_copy = np.copy(Y_pred) + accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) if args.test_type != 'f': - logger.info('Accuracy: ' + str(accuracy_score(target_test, np.rint(Y_pred).astype(int)))) - logger.info('\n' + str(classification_report(target_test, np.rint(Y_pred).astype(int)))) + logger.info('###################################Accuracy Results###############################') + logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) + logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) else: + logger.info('###################################Accuracy Results###############################') + target_test_1d = target_test.ravel() Y_pred_1d = Y_pred.ravel() distance = 0 @@ -124,7 +131,12 @@ def setup_logger(log_path, logger_name, logfile_name): distance += abs(Y_pred_1d[i] - target_test_1d[i]) avg_distance = distance / len(target_test_1d) - logger.info("Average Distance between total actual output and predicted output: %s" % (str(avg_distance))) + logger.info("Accuracy Score: %s" % (str(avg_distance))) + logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") + logger.info("NOTE: Computed using the following code:") + logger.info("for i in range(len(target_test_1d)):") + logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") + logger.info("\tavg_distance = distance / len(target_test_1d)") save_path = 'results/data/Experiment-%s' % (experiment_number) save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) @@ -132,5 +144,6 @@ def setup_logger(log_path, logger_name, logfile_name): # Plotting if args.plot: plot_file_path = 'results/data/Experiment-%s' % (experiment_number) - plot_cost_versus_epochs(plot_file_path, experiment_number, cost_list, cost_test_list) - plot_rmse_versus_epochs(plot_file_path, experiment_number, rmse) + plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) + plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) + plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 86e0448..335addf 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -17,19 +17,19 @@ def __init__(self, logger, args): def run_tests(self): if self.args.test_type == 'x': - self.logger.info("====RUNNING XOR TEST====") + self.logger.info("###################################RUNNING XOR TEST##################################") target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'd': - self.logger.info("====RUNNING DIGITS TEST====") + self.logger.info("###################################RUNNING DIGITS TEST###############################") target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'i': - self.logger.info("====RUNNING IRIS TEST====") + self.logger.info("###################################RUNNING IRIS TEST#################################") target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) elif self.args.test_type == 'f': - self.logger.info("====RUNNING FUNCTION APPROXIMATION====") + self.logger.info("###################################RUNNING DIGITS TEST###############################") target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) @@ -130,9 +130,12 @@ def XOR_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate data_test = np.array([[1,0],[0,1],[1,1],[0,0]]) target_test = np.array([[1],[1],[0],[0]]) - self.logger.info('Training Data: X & Y') - self.logger.info("\n" + str(data_train)) - self.logger.info("\n" + str(target_train)) + self.logger.info('Training Data: X') + for data_i in data_train: + self.logger.info("%s" % str(data_i)) + self.logger.info('Training Data: Y') + for target_i in target_train: + self.logger.info("%s" % str(target_i)) NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) From fd790534673191f309d91204d9f765d7566fe44c Mon Sep 17 00:00:00 2001 From: davpcunn Date: Thu, 2 Apr 2015 14:55:26 -0400 Subject: [PATCH 33/70] network --- backpropagation/network.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/backpropagation/network.py b/backpropagation/network.py index 50ba99c..aa9019a 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -286,7 +286,7 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): a = a*a error = np.sum(error) print error - rmse[i] = math.sqrt((1/(2*len(Y_test)))*error) + rmse[i] = math.sqrt((1.0/(2.0*len(Y_test)))*error) print len(Y_test) print rmse[i] return 0 From 8c901a28b83e0c9aee35da9875351fae06ddac03 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 2 Apr 2015 22:04:45 -0400 Subject: [PATCH 34/70] added facial recoginition --- backpropagation/{ => .old}/driver.py | 0 backpropagation/.old/face_graphs.py | 94 ++++++++++++++++++++++ backpropagation/{ => .old}/testing1.txt | 0 backpropagation/{ => .old}/testing2.txt | 0 backpropagation/{ => .old}/training1.txt | 0 backpropagation/{ => .old}/training2.txt | 0 backpropagation/{ => .old}/validation1.txt | 0 backpropagation/{ => .old}/validation2.txt | 0 backpropagation/analysis.py | 16 +++- backpropagation/network.py | 5 +- backpropagation/run_tests.py | 4 +- backpropagation/tests.py | 68 +++++++++++++++- backpropagation/utils.py | 24 ++++++ 13 files changed, 203 insertions(+), 8 deletions(-) rename backpropagation/{ => .old}/driver.py (100%) create mode 100644 backpropagation/.old/face_graphs.py rename backpropagation/{ => .old}/testing1.txt (100%) rename backpropagation/{ => .old}/testing2.txt (100%) rename backpropagation/{ => .old}/training1.txt (100%) rename backpropagation/{ => .old}/training2.txt (100%) rename backpropagation/{ => .old}/validation1.txt (100%) rename backpropagation/{ => .old}/validation2.txt (100%) diff --git a/backpropagation/driver.py b/backpropagation/.old/driver.py similarity index 100% rename from backpropagation/driver.py rename to backpropagation/.old/driver.py diff --git a/backpropagation/.old/face_graphs.py b/backpropagation/.old/face_graphs.py new file mode 100644 index 0000000..2f4c085 --- /dev/null +++ b/backpropagation/.old/face_graphs.py @@ -0,0 +1,94 @@ +from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs +from sklearn.decomposition import RandomizedPCA +from sklearn.cross_validation import train_test_split as sklearn_train_test_split +import numpy as np +import matplotlib.pyplot as plt + + +def plot_learning_rates_versus_epochs(num_image, autoscale, learning_rates, plot_file_path=None): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plt.show() + + if plot_file_path is None: + plot_file_name = "learning_rates-faces-%s.pdf" % (str(num_image)) + else: + plot_file_name = "%s/learning_rates-faces-%s.pdf" % (plot_file_path, str(num_image)) + + plt.savefig(plot_file_name, bbox_inches='tight') + + +def plot_gallery(num_image, images, titles, h, w, n_row=3, n_col=4, plot_file_path=None): + """Helper function to plot a gallery of portraits""" + plt.figure(figsize=(1.8 * n_col, 2.4 * n_row)) + plt.subplots_adjust(bottom=0, left=.01, right=.99, top=.90, hspace=.35) + for i in range(n_row * n_col): + plt.subplot(n_row, n_col, i + 1) + plt.imshow(images[i].reshape((h, w)), cmap=plt.cm.gray) + plt.title(titles[i], size=12) + plt.xticks(()) + plt.yticks(()) + + if plot_file_path is None: + plot_file_name = "gallery-image-%s.pdf" % (num_image) + else: + plot_file_name = "%s/gallery-image-%s.pdf" % (plot_file_path, num_image) + + plt.savefig(plot_file_name, bbox_inches='tight') + +def title(y_pred, y_test, target_names, i): + pred_name = target_names[y_pred[i]].rsplit(' ', 1)[-1] + true_name = target_names[y_test[i]].rsplit(' ', 1)[-1] + return 'predicted: %s\ntrue: %s' % (pred_name, true_name) + + +lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) + +# introspect the images arrays to find the shapes (for plotting) +n_samples, h, w = lfw_people.images.shape + +# for machine learning we use the 2 data directly (as relative pixel +# positions info is ignored by this model) +X = lfw_people.data +n_features = X.shape[1] + +# the label to predict is the id of the person +y = lfw_people.target +# y = self.translate_to_binary_array(y) + +target_names = lfw_people.target_names +n_classes = target_names.shape[0] + +# split into a training and testing set +X_train, X_test, y_train, y_test = sklearn_train_test_split( + X, y, test_size=0.25) + +y_pred = None +y_test = None +with np.load('target-predicted-info-file-npz-exp-1.npz') as data: + y_pred = data['arr_1'] + y_test = data['arr_0'] + +learning_rates = None +with np.load('learning-rates-info-file-npz-exp-1.npz') as data: + learning_rates = data['arr_0'] + +plot_learning_rates_versus_epochs(1, False, learning_rates) + + +prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + +plot_gallery(1, X_test, prediction_titles, h, w) diff --git a/backpropagation/testing1.txt b/backpropagation/.old/testing1.txt similarity index 100% rename from backpropagation/testing1.txt rename to backpropagation/.old/testing1.txt diff --git a/backpropagation/testing2.txt b/backpropagation/.old/testing2.txt similarity index 100% rename from backpropagation/testing2.txt rename to backpropagation/.old/testing2.txt diff --git a/backpropagation/training1.txt b/backpropagation/.old/training1.txt similarity index 100% rename from backpropagation/training1.txt rename to backpropagation/.old/training1.txt diff --git a/backpropagation/training2.txt b/backpropagation/.old/training2.txt similarity index 100% rename from backpropagation/training2.txt rename to backpropagation/.old/training2.txt diff --git a/backpropagation/validation1.txt b/backpropagation/.old/validation1.txt similarity index 100% rename from backpropagation/validation1.txt rename to backpropagation/.old/validation1.txt diff --git a/backpropagation/validation2.txt b/backpropagation/.old/validation2.txt similarity index 100% rename from backpropagation/validation2.txt rename to backpropagation/.old/validation2.txt diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index 7148b97..758e7d7 100755 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -120,4 +120,18 @@ def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') - return plot_file_name \ No newline at end of file + return plot_file_name + +def facial_recognition_graphs(): + + prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + + plot_gallery(X_test, prediction_titles, h, w) + + # plot the gallery of the most significative eigenfaces + + eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] + plot_gallery(eigenfaces, eigenface_titles, h, w) + + plt.show() \ No newline at end of file diff --git a/backpropagation/network.py b/backpropagation/network.py index d92ac50..a0d276f 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -35,8 +35,9 @@ class BackPropagationNetwork(object): nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture """ - def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term): + def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): self.logger = logger + self.test_type = test_type self.n_features = n_features self.n_classes = n_classes self.hidden_layers = hidden_layers @@ -107,8 +108,6 @@ def cost_function(self, Y, Y_pred): Returns cost - list of cost values """ - Y.shape - Y_pred.shape if Y.shape != Y_pred.shape: if Y.shape[0] != Y_pred.shape: raise ValueError,'Wrong number of predictions' diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py index b551f81..8926a77 100755 --- a/backpropagation/run_tests.py +++ b/backpropagation/run_tests.py @@ -31,7 +31,7 @@ def cd(newPath): def is_valid_ttype_option(ttype): - options = ['x', 'd', 'i', 'f'] + options = ['x', 'd', 'i', 'f', 'w'] if ttype in options: return ttype else: @@ -50,7 +50,7 @@ def setup_argparser(): requiredArguments = parser.add_argument_group('required Arguments') requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") - requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', or 'f'") + requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") optionalArguments = parser.add_argument_group('optional Arguments') optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") diff --git a/backpropagation/tests.py b/backpropagation/tests.py index 335addf..20a2df1 100644 --- a/backpropagation/tests.py +++ b/backpropagation/tests.py @@ -2,8 +2,12 @@ import numpy as np import math as math -from matplotlib.pyplot import plot -from sklearn.datasets import load_iris, load_digits +import pylab as plt +from time import time +from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs +from sklearn.decomposition import RandomizedPCA +from sklearn.cross_validation import train_test_split as sklearn_train_test_split + from network import BackPropagationNetwork from utils import * @@ -32,6 +36,10 @@ def run_tests(self): self.logger.info("###################################RUNNING DIGITS TEST###############################") target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'w': + self.logger.info("###################################RUNNING FACES TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.faces_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) def translate_to_binary_array(self, target): @@ -74,6 +82,12 @@ def train_test_split(self, data_array, target_array, split=.8): train_target = target_array[shuffled_index[:train_len]] test_target = target_array[shuffled_index[train_len:]] + print train_data.shape + print test_data.shape + + print train_target.shape + print test_target.shape + self.logger.info('Data Set: %d Observations, %d Features' % (data_array.shape[0], data_array.shape[1])) self.logger.info('Training Set: %d Observations, %d Features' % (train_data.shape[0], train_data.shape[1])) self.logger.info('Test Set: %d Observations, %d Features' % (test_data.shape[0], test_data.shape[1])) @@ -159,6 +173,7 @@ def fnct_aprox(self, reg_term, hidden_layers, epochs, learning_rate, momentum_ra return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test, data_val = data_val,target_val = target_val) def parse_file(self, filename, num_lines): + data = [] target = [] f = open(filename, 'r') @@ -168,3 +183,52 @@ def parse_file(self, filename, num_lines): data.append(floats) f.close() return np.array(data), np.array(target) + + def faces_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) + + # introspect the images arrays to find the shapes (for plotting) + n_samples, h, w = lfw_people.images.shape + + # for machine learning we use the 2 data directly (as relative pixel + # positions info is ignored by this model) + X = lfw_people.data + n_features = X.shape[1] + + # the label to predict is the id of the person + y = lfw_people.target + y = self.translate_to_binary_array(y) + + + target_names = lfw_people.target_names + n_classes = target_names.shape[0] + + self.logger.info("n_samples: {}".format(n_samples)) + self.logger.info("n_features: {}".format(n_features)) + self.logger.info("n_classes: {}".format(n_classes)) + + # split into a training and testing set + X_train, X_test, y_train, y_test = sklearn_train_test_split( + X, y, test_size=0.25) + + # Compute a PCA (eigenfaces) on the face dataset (treated as unlabeled + # dataset): unsupervised feature extraction / dimensionality reduction + n_components = 150 + + self.logger.info("Extracting the top %d eigenfaces from %d faces" + % (n_components, X_train.shape[0])) + t0 = time() + pca = RandomizedPCA(n_components=n_components, whiten=True).fit(X_train) + self.logger.info("done in %0.3fs" % (time() - t0)) + + eigenfaces = pca.components_.reshape((n_components, h, w)) + + self.logger.info("Projecting the input data on the eigenfaces orthonormal basis") + t0 = time() + X_train_pca = pca.transform(X_train) + X_test_pca = pca.transform(X_test) + self.logger.info("done in %0.3fs" % (time() - t0)) + + NN = BackPropagationNetwork(self.logger, X_train_pca, y_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, X_train_pca, y_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, X_test_pca, y_test) \ No newline at end of file diff --git a/backpropagation/utils.py b/backpropagation/utils.py index 032acce..e81f203 100755 --- a/backpropagation/utils.py +++ b/backpropagation/utils.py @@ -1,4 +1,5 @@ import numpy as np +import matplotlib as plt def sigmoid(z): """sigmoid is a basic sigmoid function returning values from 0-1""" @@ -76,6 +77,29 @@ def save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learnin rmse_txt_file = "%s/rmse-info-file-txt-exp-%s.txt" % (save_path, experiment_number) np.savetxt(rmse_txt_file, rmse, fmt='%.8f', delimiter=',') +def plot_gallery(num_image, images, titles, h, w, n_row=3, n_col=4, plot_file_path=None): + """Helper function to plot a gallery of portraits""" + plt.figure(figsize=(1.8 * n_col, 2.4 * n_row)) + plt.subplots_adjust(bottom=0, left=.01, right=.99, top=.90, hspace=.35) + for i in range(n_row * n_col): + plt.subplot(n_row, n_col, i + 1) + plt.imshow(images[i].reshape((h, w)), cmap=plt.cm.gray) + plt.title(titles[i], size=12) + plt.xticks(()) + plt.yticks(()) + + if plot_file_path is None: + plot_file_name = "gallery-image-%s.pdf" % (num_image) + else: + plot_file_name = "%s/gallery-image-%s.pdf" % (plot_file_path, num_image) + + plt.savefig(plot_file_name, bbox_inches='tight') + + +def title(y_pred, y_test, target_names, i): + pred_name = target_names[y_pred[i]].rsplit(' ', 1)[-1] + true_name = target_names[y_test[i]].rsplit(' ', 1)[-1] + return 'predicted: %s\ntrue: %s' % (pred_name, true_name) From b169a92fbd946b31c0f313ca82db7ad83d70e3df Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Fri, 17 Apr 2015 08:59:41 -0400 Subject: [PATCH 35/70] updated with genetic algorithm code --- backpropagation/__init__.py | 0 backpropagation/analysis.py | 0 backpropagation/network.py | 21 +- backpropagation/run_tests.py | 0 backpropagation/src/__init__.py | 0 backpropagation/src/analysis.py | 137 ++++++++++++ backpropagation/src/network.py | 369 +++++++++++++++++++++++++++++++ backpropagation/src/run_tests.py | 149 +++++++++++++ backpropagation/src/tests.py | 234 ++++++++++++++++++++ backpropagation/src/utils.py | 106 +++++++++ backpropagation/tests.py | 2 +- backpropagation/utils.py | 1 - genetic/__init__.py | 0 genetic/genetic.py | 28 +++ 14 files changed, 1027 insertions(+), 20 deletions(-) mode change 100755 => 100644 backpropagation/__init__.py mode change 100755 => 100644 backpropagation/analysis.py mode change 100755 => 100644 backpropagation/run_tests.py create mode 100644 backpropagation/src/__init__.py create mode 100644 backpropagation/src/analysis.py create mode 100644 backpropagation/src/network.py create mode 100644 backpropagation/src/run_tests.py create mode 100644 backpropagation/src/tests.py create mode 100644 backpropagation/src/utils.py mode change 100755 => 100644 backpropagation/utils.py create mode 100644 genetic/__init__.py create mode 100644 genetic/genetic.py diff --git a/backpropagation/__init__.py b/backpropagation/__init__.py old mode 100755 new mode 100644 diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py old mode 100755 new mode 100644 diff --git a/backpropagation/network.py b/backpropagation/network.py index a0d276f..9a6e390 100644 --- a/backpropagation/network.py +++ b/backpropagation/network.py @@ -122,21 +122,6 @@ def cost_function(self, Y, Y_pred): return cost - def predict(self, X): - """ - predict calculates activations for all layers, returns prediction for Y - - Parameters - X is array of input features dimensions n_observations by n_features - - Returns - a_N is outputs of all units - a_N[L] is array of predicted Y values dimensions n_observations by n_classes - """ - - m = len(X) - T = len(self.Theta_L) - a_N_predict = [] # List of activations including bias unit for non-output layers # Input Layer inputs @@ -280,7 +265,7 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): if Y_test is not None: a_N_test, Y_pred_test = self.predict(X_test) - + sum_e = 0 for j in range(len(Y_test)): sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) @@ -290,13 +275,13 @@ def fit(self, X_train, Y_train, X_test=None, Y_test=None): rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) rmse[i] = rmse_epoch - + cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) for t, theta in enumerate(self.Theta_L): self.logger.info('Theta: %s' % t) for theta_i in np.round(theta, 2): - self.logger.info("%s" % str(theta_i)) + self.logger.info("%s" % str(theta_i)) #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py old mode 100755 new mode 100644 diff --git a/backpropagation/src/__init__.py b/backpropagation/src/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/backpropagation/src/analysis.py b/backpropagation/src/analysis.py new file mode 100644 index 0000000..758e7d7 --- /dev/null +++ b/backpropagation/src/analysis.py @@ -0,0 +1,137 @@ +import numpy as np +import matplotlib.pyplot as plt +import sklearn as sk + +from utils import * + +def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): + + """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. + cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. + """ + + x = np.arange(len(cost_list)) + y = cost_list + color_metric = cost_test_list + + fig = plt.figure() + ax = fig.add_subplot(111) + + cmhot = plt.cm.get_cmap("hot") + l = ax.scatter(x, y, c=color_metric, cmap=cmhot) + fig.colorbar(l) + plt.show() + + # Save the figure + plt.savefig(plot_file_name, bbox_inches='tight') + +def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): + + x1 = np.arange(len(cost_list)) + y1 = cost_list + + x2 = np.arange(len(cost_test_list)) + y2 = cost_test_list + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x2, y2) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): + + x1 = np.arange(len(rmse)) + y1 = rmse + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('RMSE') + plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): + + x1 = target_test + y1 = Y_pred + + fig = plt.figure() + plt.scatter(x1, y1, alpha=0.5) + plt.xlabel('Target Values') + plt.ylabel('Predicted Values') + plt.title('Accuracy of Network') + plt.grid() + fig.tight_layout() + + plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def facial_recognition_graphs(): + + prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + + plot_gallery(X_test, prediction_titles, h, w) + + # plot the gallery of the most significative eigenfaces + + eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] + plot_gallery(eigenfaces, eigenface_titles, h, w) + + plt.show() \ No newline at end of file diff --git a/backpropagation/src/network.py b/backpropagation/src/network.py new file mode 100644 index 0000000..a0d276f --- /dev/null +++ b/backpropagation/src/network.py @@ -0,0 +1,369 @@ +#!./usr/bin/python +# -*- coding: utf-8 -*-# + +import numpy as np +np.set_printoptions(precision=4, suppress=True) +import math as math +from matplotlib.pyplot import plot +from sklearn.datasets import load_iris, load_digits + +from utils import * + +class BackPropagationNetwork(object): + """ + + Initialize as: + nn = BackPropagationNetwork(n_features, n_classes, hidden_layers, reg_term) + + --> reg_term (i.e. lambda) is the regularization term + nn input and output units determined by training data + + Set nn.hidden_layers to list of integers to create hidden layer architecture + nn.hidden_layers does not include the bias unit for each layer + nn.hidden_layers is list containing number of units in each hidden layer + [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units + Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] + + nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations + For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes + For multi-class prediction, Y will have shape n_observations by n_classes + + nn.predict(X) returns vector of probability of class being true or false + For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class + + Test a simple XOR problem with nn.XOR_test() + nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture + """ + + def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): + self.logger = logger + self.test_type = test_type + self.n_features = n_features + self.n_classes = n_classes + self.hidden_layers = hidden_layers + self.reg_term = reg_term + self.epochs = 2 + self.learning_rate = 0.5 + self.learning_reward = 1.05 + self.learning_penalty = 0.5 + self.momentum_rate = 0.1 + self.Theta_L = [] + + self.initialize_theta() + + def initialize_theta(self): + """ + initialize_theta creates architecture of neural network + Defines self.Theta_L + + Parameters: + hidden_unit_length_list - List of hidden layer units + input_unit_count - integer, number of input units (features) + output_class_count - integer, number of output classes + """ + + unit_count_list = [len(self.n_features[0])] + unit_count_list += self.hidden_layers + unit_count_list.append(len(self.n_classes[0])) + self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] + + def print_theta(self): + + T = len(self.Theta_L) + + self.logger.info('\n') + self.logger.info('NN ARCHITECTURE') + self.logger.info('%s Layers (%s Hidden)' % ((T + 1), (T-1))) + self.logger.info('%s Thetas' % T) + self.logger.info('%s Input Features' % (self.Theta_L[0].shape[1]-1)) + self.logger.info('%s Output Classes' % self.Theta_L[T-1].shape[0]) + self.logger.info('\n') + + self.logger.info('Units per layer') + for t, theta in enumerate(self.Theta_L): + if t == 0: + self.logger.info(' - Input: %s Units' % (theta.shape[1] - 1)) + if t < T-1: + self.logger.info(' - Hidden %s: %s Units' % ((t+1), theta.shape[0])) + else: + self.logger.info(' - Output: %s Units' % theta.shape[0]) + + self.logger.info('Theta Shapes') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s: %s' % (l, theta.shape)) + + self.logger.info('Theta Values') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s:' % l) + self.logger.info("\n" + str(theta)) + self.logger.info('\n') + + def cost_function(self, Y, Y_pred): + """ + cost_function implements cost function + + y is n_observations by n_classes (n_classes = 1 for n_classes <=2) + pred_y is predicted y values and must be same shape as y + + Returns cost - list of cost values + """ + + if Y.shape != Y_pred.shape: + if Y.shape[0] != Y_pred.shape: + raise ValueError,'Wrong number of predictions' + else: + raise ValueError,'Wrong number of prediction classes' + + n_observations = len(Y) + tiny = 1e-6 + # Cost Function + cost = (-1.0 / n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() + + return cost + + + def predict(self, X): + """ + predict calculates activations for all layers, returns prediction for Y + + Parameters + X is array of input features dimensions n_observations by n_features + + Returns + a_N is outputs of all units + a_N[L] is array of predicted Y values dimensions n_observations by n_classes + """ + + m = len(X) + T = len(self.Theta_L) + + a_N_predict = [] # List of activations including bias unit for non-output layers + + # Input Layer inputs + a_N_predict.append( X ) + # Loop through each Theta_List theta + # t is Theta for calculating layer t+1 from layer t + for t, theta in enumerate(self.Theta_L): + # Add bias unit + if a_N_predict[t].ndim == 1: + a_N_predict[t].resize(1, a_N_predict[t].shape[0]) + a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) + + # Calculate and Append new z and a arrays to z_N and a_N lists + z = a_N_predict[t].dot(theta.T) + a_N_predict.append(sigmoid(z)) + + return a_N_predict, a_N_predict[T] + + + def back_prop(self, a_N_backprop, Y_train): + """ + a_N - list of layer outputs with dimensions n_observations by n_units + Y_train is n_observations, n_classes + + Returns + Theta_Gradient_L + """ + + T = len(self.Theta_L) + Y_pred = a_N_backprop[T] + n_observations = len(Y_pred) + + # Backprop Error; One list element for each layer + delta_N = [] + + # Get Error for Output Layer + delta = Y_pred - Y_train + if delta.ndim == 1: + delta.resize(1, len(delta)) + delta_N.append( delta ) + + # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) + for t in range(T-1,0,-1): + delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) + delta_N.append( delta ) + # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] + delta_N.reverse() + + # Calculate Gradient from delta and activation + # t is the Theta from layer t to layer t+1 + Theta_Gradient_L = [] + for t in range(T): + Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) + + # Create modified copy of the Theta_L for Regularization + # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized + regTheta = [np.zeros_like(theta) for theta in self.Theta_L] + for t, theta in enumerate(self.Theta_L): + regTheta[t][:,1:] = theta[:,1:] + + # Average Error + regularization penalty + for t in range(T): + Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.reg_term * regTheta[t]) + + return Theta_Gradient_L + + def fit(self, X_train, Y_train, X_test=None, Y_test=None): + """ + fit() calls the predict and back_prop functions for the + given number of cycles, tracks error and error improvement rates + + Parameters: + X_train - np.array of training data with dimension n_observations by n_features + Y_train - np.array of training classes with dimension n_observations by n_classes + epochs - integer of number of times to update Theta_L + learning_rate + momentum_rate + learning_reward + learning_penalty + X_test - np.array of training data with dimension n_observations by n_features + Y_test - np.array of training classes with dimension n_observations by n_classes + Returns + cost_list - list of result of cost function for each epoch + Learning_rates - list of learning rates used for each epoch + Notes + Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize + """ + + # Initial Learning Rate + learning_rates = [] + learning_rates.append( self.learning_rate ) + + # Initial Weight Change Terms + weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] + + # List of results of cost functions + cost_list = [0] * self.epochs + cost_test_list = [0] * self.epochs + rmse = [0] * self.epochs + # Initial Forward Pass + a_N_train, Y_pred = self.predict(X_train) + # Initial Cost + cost_list[0] = self.cost_function(Y_train, Y_pred) + + # Test Error + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + cost_test_list[0] = self.cost_function(Y_test, Y_pred_test) + + for i in range(1, self.epochs): + + # Back Prop to get Theta Gradients + Theta_grad = self.back_prop(a_N_train, Y_train) + + # Update Theta with Momentum + for l, theta_g in enumerate(Theta_grad): + weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) + self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] + + # Update Units + a_N_train, Y_pred_new = self.predict(X_train) + + # Check to see if Cost decreased + cost_new = self.cost_function(Y_train, Y_pred_new) + + if cost_new > cost_list[i-1]: + # Reduce learning rate + self.learning_rate = self.learning_rate * self.learning_penalty + # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place + self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] + # Cut prior weight_change as an approximate fix to momentum + weight_change_L = [m * self.learning_penalty for m in weight_change_L] + + a_N_train, Y_pred_new = self.predict(X_train) + cost_new = self.cost_function(Y_train, Y_pred_new) + else: + self.learning_rate = np.min((10, self.learning_rate * self.learning_reward)) + + learning_rates.append(self.learning_rate) + cost_list[i] = cost_new + + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + + sum_e = 0 + for j in range(len(Y_test)): + sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) + + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + + rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) + rmse[i] = rmse_epoch + + cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) + + for t, theta in enumerate(self.Theta_L): + self.logger.info('Theta: %s' % t) + for theta_i in np.round(theta, 2): + self.logger.info("%s" % str(theta_i)) + + #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) + #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) + + return cost_list, learning_rates, cost_test_list, rmse + + def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): + + self.epochs = epochs + self.learning_rate = learning_rate + self.momentum_rate = momentum_rate + self.learning_reward = learning_reward + self.learning_penalty = learning_penalty + + # Initialize Theta based on selected architecture + # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) + + # Fit + cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + + error = 0 + # Predict for test log + plot_vals = [] + a_N, Y_pred = self.predict(data_test) + self.logger.info('###################################Testing Results###################################') + self.logger.info('Given X:') + for x in data_test[:5]: + self.logger.info(x) + for p in zip(target_test[:10], np.round(Y_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info("%s" % str(pv)) + self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) + sum_e = 0 + for j in range(len(target_test)): + sum_e += pow((target_test[j] - Y_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) + rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) + self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) + + error = 0 + #Predict for validation results + + if data_val is not None: + plot_vals = [] + va_N, vY_pred = self.predict(data_val) + self.logger.info('###################################Validation Results###############################') + self.logger.info('Given X:') + for x in data_val[:5]: + self.logger.info(x) + for p in zip(target_val[:10], np.round(vY_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info((pv)) + self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) + sum_e = 0 + for j in range(len(target_val)): + sum_e += pow((target_val[j] - vY_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) + rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) + self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) + + return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse + diff --git a/backpropagation/src/run_tests.py b/backpropagation/src/run_tests.py new file mode 100644 index 0000000..8926a77 --- /dev/null +++ b/backpropagation/src/run_tests.py @@ -0,0 +1,149 @@ +# Python standard libraries +import sys +import os +import contextlib +import logging +import tempfile +import argparse +from argparse import RawTextHelpFormatter + +# 3rd-Party libraries +import numpy as np +import sklearn as sk +from sklearn.metrics import confusion_matrix, classification_report +from sklearn.preprocessing import LabelBinarizer +from sklearn.metrics import accuracy_score +import matplotlib.pyplot as plt + +# Project specific libraries +from network import BackPropagationNetwork +from tests import Tests +from analysis import * + + +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) + + +def is_valid_ttype_option(ttype): + options = ['x', 'd', 'i', 'f', 'w'] + if ttype in options: + return ttype + else: + print "Option 'ttype' is invalid. Choose from: " + print options + sys.exit(1) + + +# Setup the command line parser +def setup_argparser(): + + parser = argparse.ArgumentParser(description='' + + ' PyNet: Feed-Forward Back-Propagation Network in Python\n' + + ' Written by: Jared Smith and David Cunningham', + version='1.0.0', formatter_class=RawTextHelpFormatter) + + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") + requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") + requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") + optionalArguments = parser.add_argument_group('optional Arguments') + optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") + optionalArguments.add_argument('--learning_rate', dest='learning_rate', required=False, type=float, default=0.5, help="Learning rate, specifies the step width of the gradient descent. Default is 0.5.") + optionalArguments.add_argument('--momentum_rate', dest='momentum_rate', required=False, type=float, default=0.1, help="Momentum rate, specifies the amount of the old weight change (relative to 1) which is added to the current change. Default is 0.1.") + optionalArguments.add_argument('--learning_reward', dest='learning_reward', required=False, type=float, default=1.05, help="Magnitude to scale the learning rate by if cost/error decreases from the previous epoch. Default is 1.05.") + optionalArguments.add_argument('--learning_penalty', dest='learning_penalty', required=False, type=float, default=0.5, help="Magnitude to scale the learning rate by if the cost/error increases from the previous epoch. Default is 0.5.") + optionalArguments.add_argument('--regularization_term', dest='reg_term', required=False, type=float, default=1e-5, help="Regularization term (i.e. lamdba in the equations). Default is 1e-5.") + optionalArguments.add_argument('--ftrain', dest='ftrain', required=False, type=str, default=None, help="Training data file for function approximation test. Default is None.") + optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") + optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") + optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + return parser + + +def setup_logger(log_path, logger_name, logfile_name): + + logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') + rootLogger = logging.getLogger(logger_name) + rootLogger.setLevel(logging.DEBUG) + + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) + fileHandler.setFormatter(logFormatter) + rootLogger.addHandler(fileHandler) + + consoleHandler = logging.StreamHandler() + consoleHandler.setFormatter(logFormatter) + rootLogger.addHandler(consoleHandler) + + return rootLogger + + +if __name__=="__main__": + + graph_list = [] + + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems() : + logger.info("%s=%s" % (str(key), str(value))) + + test_suite = Tests(logger, args) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() + + Y_pred_copy = np.copy(Y_pred) + accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) + + if args.test_type != 'f': + logger.info('###################################Accuracy Results###############################') + logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) + logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) + else: + logger.info('###################################Accuracy Results###############################') + + target_test_1d = target_test.ravel() + Y_pred_1d = Y_pred.ravel() + distance = 0 + + for i in range(len(target_test_1d)): + distance += abs(Y_pred_1d[i] - target_test_1d[i]) + + avg_distance = distance / len(target_test_1d) + logger.info("Accuracy Score: %s" % (str(avg_distance))) + logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") + logger.info("NOTE: Computed using the following code:") + logger.info("for i in range(len(target_test_1d)):") + logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") + logger.info("\tavg_distance = distance / len(target_test_1d)") + + save_path = 'results/data/Experiment-%s' % (experiment_number) + save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) + + # Plotting + if args.plot: + plot_file_path = 'results/data/Experiment-%s' % (experiment_number) + plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) + plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) + plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/backpropagation/src/tests.py b/backpropagation/src/tests.py new file mode 100644 index 0000000..f2ae576 --- /dev/null +++ b/backpropagation/src/tests.py @@ -0,0 +1,234 @@ +import sys + +import numpy as np +import math as math +import pylab as plt +from time import time +from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs +from sklearn.decomposition import RandomizedPCA +from sklearn.cross_validation import train_test_split as sklearn_train_test_split + + +from network import BackPropagationNetwork +from utils import * + +class Tests(object): + + def __init__(self, logger, args): + + self.logger = logger + self.args = args + + def run_tests(self): + if self.args.test_type == 'x': + self.logger.info("###################################RUNNING XOR TEST##################################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'd': + self.logger.info("###################################RUNNING DIGITS TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'i': + self.logger.info("###################################RUNNING IRIS TEST#################################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'f': + self.logger.info("###################################RUNNING APPROX TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'w': + self.logger.info("###################################RUNNING FACES TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.faces_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + + + def translate_to_binary_array(self, target): + n_obs = len(target) + unique_targets = np.unique(target) + n_unique_targets = len(np.unique(target)) + + # Translation of target values to array indicies + target_translation = dict(zip(unique_targets, range(n_unique_targets))) + + # Create initial target array with all zeros + target_array = np.zeros((n_obs, n_unique_targets)) + + # Set 1 value + for i, val in enumerate(target): + target_array[i][target_translation[val]] = 1 + + return target_array + + def train_test_split(self, data_array, target_array, split=.8): + """ + Split into randomly shuffled train and test sets + Split on Number of records or Percent of records in the training set + if split is <= 1 then split is a percent, else split is the number of records + """ + + n_obs = len(data_array) + + if split <= 1: + train_len = int(split * n_obs) + else: + train_len = int(np.round(split)) + + shuffled_index = range(n_obs) + np.random.shuffle(shuffled_index) + + train_data = data_array[shuffled_index[:train_len]] + test_data = data_array[shuffled_index[train_len:]] + + train_target = target_array[shuffled_index[:train_len]] + test_target = target_array[shuffled_index[train_len:]] + + print train_data.shape + print test_data.shape + + print train_target.shape + print test_target.shape + + self.logger.info('Data Set: %d Observations, %d Features' % (data_array.shape[0], data_array.shape[1])) + self.logger.info('Training Set: %d Observations, %d Features' % (train_data.shape[0], train_data.shape[1])) + self.logger.info('Test Set: %d Observations, %d Features' % (test_data.shape[0], test_data.shape[1])) + self.logger.info('Target Set: %d Observations, %d Classes' % (target_array.shape[0], target_array.shape[1])) + self.logger.info('Training Set: %d Observations, %d Features' % (train_target.shape[0], train_target.shape[1])) + self.logger.info('Test Set: %d Observations, %d Features' % (test_target.shape[0], test_target.shape[1])) + + return train_data, test_data, train_target, test_target + + def iris_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + data_set = load_iris() + + data = data_set.data + target = self.translate_to_binary_array(data_set.target) + + # Split into train, test sets + data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def digits_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + data_set = load_digits() + + data = data_set.data + target = self.translate_to_binary_array(data_set.target) + + # Split into train, test sets + data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def XOR_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + """ + XOR_test is a simple test of the nn self.logger.info(ing the predicted value to std out + Trains on a sample XOR data set + Predicts a single value + Accepts an option parameter to set architecture of hidden layers + """ + + # Set Data for XOR Test + data_train = np.zeros((4,2)) + data_train[0,0] = 1. + data_train[1,1] = 1. + data_train[2,:] = 1. + data_train[3,:] = 0. + + target_train = np.array([1.,1.,0.,0.]).reshape(4,1) # Single Class + + # Test X and Y + data_test = np.array([[1,0],[0,1],[1,1],[0,0]]) + target_test = np.array([[1],[1],[0],[0]]) + + self.logger.info('Training Data: X') + for data_i in data_train: + self.logger.info("%s" % str(data_i)) + self.logger.info('Training Data: Y') + for target_i in target_train: + self.logger.info("%s" % str(target_i)) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def fnct_aprox(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, training_name, testing_name, validation_name): + + #read in train + data_train, target_train = self.parse_file(training_name, 200) + np.random.shuffle(data_train) + np.random.shuffle(target_train) + #read in test + data_test, target_test = self.parse_file(testing_name, 100) + np.random.shuffle(data_test) + np.random.shuffle(target_test) + #read in validation + data_val, target_val = self.parse_file(validation_name, 50) + np.random.shuffle(data_val) + np.random.shuffle(target_val) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test, data_val = data_val,target_val = target_val) + + def parse_file(self, filename, num_lines): + + data = [] + target = [] + f = open(filename, 'r') + for line in f: + floats = map(float, line.split()) + target.append([floats.pop()]) + data.append(floats) + f.close() + return np.array(data), np.array(target) + + def faces_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) + + # introspect the images arrays to find the shapes (for plotting) + n_samples, h, w = lfw_people.images.shape + + # for machine learning we use the 2 data directly (as relative pixel + # positions info is ignored by this model) + X = lfw_people.data + n_features = X.shape[1] + + # the label to predict is the id of the person + y = lfw_people.target + y = self.translate_to_binary_array(y) + + + target_names = lfw_people.target_names + n_classes = target_names.shape[0] + + self.logger.info("n_samples: {}".format(n_samples)) + self.logger.info("n_features: {}".format(n_features)) + self.logger.info("n_classes: {}".format(n_classes)) + + # split into a training and testing set + X_train, X_test, y_train, y_test = sklearn_train_test_split( + X, y, test_size=0.25) + + # Compute a PCA (eigenfaces) on the face dataset (treated as unlabeled + # dataset): unsupervised feature extraction / dimensionality reduction + n_components = 150 + + self.logger.info("Extracting the top %d eigenfaces from %d faces" + % (n_components, X_train.shape[0])) + t0 = time() + pca = RandomizedPCA(n_components=n_components, whiten=True).fit(X_train) + self.logger.info("done in %0.3fs" % (time() - t0)) + + eigenfaces = pca.components_.reshape((n_components, h, w)) + + self.logger.info("Projecting the input data on the eigenfaces orthonormal basis") + t0 = time() + X_train_pca = pca.transform(X_train) + X_test_pca = pca.transform(X_test) + self.logger.info("done in %0.3fs" % (time() - t0)) + + NN = BackPropagationNetwork(self.logger, X_train_pca, y_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, X_train_pca, y_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, X_test_pca, y_test) \ No newline at end of file diff --git a/backpropagation/src/utils.py b/backpropagation/src/utils.py new file mode 100644 index 0000000..cd7027f --- /dev/null +++ b/backpropagation/src/utils.py @@ -0,0 +1,106 @@ +import numpy as np + +def sigmoid(z): + """sigmoid is a basic sigmoid function returning values from 0-1""" + return 1.0 / ( 1.0 + np.exp(-z) ) + +def sigmoidGradient(z): + # Not used + return self.sigmoid(z) * ( 1 - self.sigmoid(z) ) + +def format__1(digits,num): + if digits Date: Fri, 17 Apr 2015 09:58:14 -0400 Subject: [PATCH 36/70] added class for genetic algorithms, driver class, and started working on math --- backpropagation/run_tests.py | 6 +- genetic/genetic.py | 28 --------- genetic/genetic_algorithms.py | 76 ++++++++++++++++++++++++ genetic/genetic_run.py | 106 ++++++++++++++++++++++++++++++++++ 4 files changed, 185 insertions(+), 31 deletions(-) delete mode 100644 genetic/genetic.py create mode 100644 genetic/genetic_algorithms.py create mode 100644 genetic/genetic_run.py diff --git a/backpropagation/run_tests.py b/backpropagation/run_tests.py index 8926a77..d97403f 100644 --- a/backpropagation/run_tests.py +++ b/backpropagation/run_tests.py @@ -108,7 +108,7 @@ def setup_logger(log_path, logger_name, logfile_name): logger.info("Program Arguments:") args_dict = vars(args) for key, value in args_dict.iteritems() : - logger.info("%s=%s" % (str(key), str(value))) + logger.info("%s=%s" % (str(key), str(value))) test_suite = Tests(logger, args) target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() @@ -117,7 +117,7 @@ def setup_logger(log_path, logger_name, logfile_name): accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) if args.test_type != 'f': - logger.info('###################################Accuracy Results###############################') + logger.info('###################################Accuracy Results###############################') logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) else: @@ -141,7 +141,7 @@ def setup_logger(log_path, logger_name, logfile_name): save_path = 'results/data/Experiment-%s' % (experiment_number) save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) - # Plotting + # Plotting if args.plot: plot_file_path = 'results/data/Experiment-%s' % (experiment_number) plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) diff --git a/genetic/genetic.py b/genetic/genetic.py deleted file mode 100644 index 9dabd6e..0000000 --- a/genetic/genetic.py +++ /dev/null @@ -1,28 +0,0 @@ -############################################################## -#!/usr/bin/env python -# -*- coding: utf-8 -*- -# -# genetic.py, general purpose genetic algorithm in Python -# -# Written by Jared Smith and David Cunningham for COSC 427/527 -# at the University of Tennessee, Knoxville -# -############################################################### - -import os -import sys -import argparse -import json -import math -import random - -import scipy as sp -import numpy as np -import matplotlib.pyplot as plt - - -def main(): - pass - -if __name__=="__main__": - main() diff --git a/genetic/genetic_algorithms.py b/genetic/genetic_algorithms.py new file mode 100644 index 0000000..6cc35ac --- /dev/null +++ b/genetic/genetic_algorithms.py @@ -0,0 +1,76 @@ +############################################################## +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# +# genetic_algorithms.py, general purpose genetic algorithm in Python +# +# Written by Jared Smith and David Cunningham for COSC 427/527 +# at the University of Tennessee, Knoxville +# +############################################################### + +import os +import sys +import argparse +import json +import math +import logging +import tempfile +import random +from argparse import RawTextHelpFormatter + +import bitstring as bs +import scipy as sp +import numpy as np +import matplotlib.pyplot as plt + + +class BaseGeneticAlgorithm(object): + + + + """ + + Basic class for executing a genetic algorithm. + + Parameters: + l is the size of the bit strings (each bit is a gene) + N is the size of the population + G is the number of generations + pr_mutation is the probability of mutation among the genes + pr_crossover is the probability of crossover among the genes + population is a list of bit strings (gene strings) of size N + + """ + + def __init__(self, args, logger): + # Parameters of the algorithm + self.l = args.l + self.N = args.N + self.G = args.G + self.pr_mutation = args.pr_mutation + self.pr_crossover = args.pr_crossover + self.population = [] + + # Helper objects + self.logger = logger + + # Initialize the population + self.initialize() + + # Initialize the Population + def initialize(self): + # Generate N random bitstrings + for i in range(self.N): + tmp_bitstring = ''.join(random.choice('01') for _ in range(N)) + tmp_bitstring = bs.BitArray(bin=tmp_bitstring) + self.population.append(tmp_bitstring) + + # Calculate the fitness of each individual of the population. + def fitness(self): + # Step through each bitstring in the population + for bitstring in population: + # Get the integer value of the string + sum = bitstring.uint + fitness_val = pow((sum / pow(2, self.l), 10) + diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py new file mode 100644 index 0000000..2d25100 --- /dev/null +++ b/genetic/genetic_run.py @@ -0,0 +1,106 @@ +############################################################## +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# +# genetic.py, general purpose genetic algorithm in Python +# +# Written by Jared Smith and David Cunningham for COSC 427/527 +# at the University of Tennessee, Knoxville +# +############################################################### + +import os +import sys +import argparse +import json +import math +import logging +import tempfile +import random +from argparse import RawTextHelpFormatter + +import scipy as sp +import numpy as np +import matplotlib.pyplot as plt + +from genetic_algorithms import BaseGeneticAlgorithm + +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) + + +# Setup the command line parser +def setup_argparser(): + + parser = argparse.ArgumentParser(description='' + + ' PyNet: General Purpose Genetic Algorithm in Python\n' + + ' Written by: Jared Smith and David Cunningham', + version='1.0.0', formatter_class=RawTextHelpFormatter) + + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") + optionalArguments = parser.add_argument_group('optional Arguments') + optionalArguments.add_argument('--num_bits', dest='l', required=False, type=int, default=20, help="Number of bits (genes) in the genetic string. Default is 20.") + optionalArguments.add_argument('--population_size', dest='N', required=False, type=int, default=30, help="Size of the population. Default is 30.") + optionalArguments.add_argument('--num_gens', dest='G', required=False, type=int, default=10, help="Number of generations. Default is 10.") + optionalArguments.add_argument('--pr_mutation', dest='pm', required=False, type=Float, default=0.033, help="Probability of Mutation. Default is 0.033.") + optionalArguments.add_argument('--pr_crossover', dest='pc', required=False, type=Float, default=0.6, help="Probability of Crossover. Default is 0.6.") + optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + return parser + +def setup_logger(log_path, logger_name, logfile_name): + + logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') + rootLogger = logging.getLogger(logger_name) + rootLogger.setLevel(logging.DEBUG) + + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) + fileHandler.setFormatter(logFormatter) + rootLogger.addHandler(fileHandler) + + consoleHandler = logging.StreamHandler() + consoleHandler.setFormatter(logFormatter) + rootLogger.addHandler(consoleHandler) + + return rootLogger + + +def main(): + graph_list = [] + + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems() : + logger.info("%s=%s" % (str(key), str(value))) + + + gen_alg = BaseGeneticAlgorithm(args) + + if args.plot: + print "Going to plot." + +if __name__=="__main__": + main() From ac6a5f948c0efacf42eeabe3ce91f52de1d49dd3 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Fri, 17 Apr 2015 11:06:09 -0400 Subject: [PATCH 37/70] updated base genetic algorithm --- genetic/genetic_algorithms.py | 36 ++++++++++++++++++++++++++++++++--- genetic/genetic_run.py | 6 ++++-- 2 files changed, 37 insertions(+), 5 deletions(-) diff --git a/genetic/genetic_algorithms.py b/genetic/genetic_algorithms.py index 6cc35ac..81198b8 100644 --- a/genetic/genetic_algorithms.py +++ b/genetic/genetic_algorithms.py @@ -54,23 +54,53 @@ def __init__(self, args, logger): # Helper objects self.logger = logger + self.orig_fitness_vals = numpy.zeros((G, N)) + self.norm_fitness_vals = numpy.zeros((G, N)) + self.total_fitness_vals = numpy.zeros((G, N)) # Initialize the population + logger.info("Initializing Population...") self.initialize() + logger.info("Initialization Complete.") # Initialize the Population - def initialize(self): + def initialize(self, g): # Generate N random bitstrings for i in range(self.N): tmp_bitstring = ''.join(random.choice('01') for _ in range(N)) tmp_bitstring = bs.BitArray(bin=tmp_bitstring) self.population.append(tmp_bitstring) + # Currently on step 3 of Van Hornweders write-up # Calculate the fitness of each individual of the population. def fitness(self): + total_fitness = 0 + # Step through each bitstring in the population - for bitstring in population: + for i, bitstring in enumerate(self.population): # Get the integer value of the string sum = bitstring.uint - fitness_val = pow((sum / pow(2, self.l), 10) + fitness_val = (pow((sum / pow(2, self.l), 10)) + orig_fitness_vals[g][i] = fitness_val + total_fitness += fitness_val + + for i in range(self.N): + norm_fitness_val = (orig_fitness_vals[g][i] / total_fitness) + norm_fitness_vals[g][i] = norm_fitness_val + if i != 0: + total_fitness_vals[g][i] = (norm_fitness_valsi[g][i - 1] + norm_fitness_val) + else: + total_fitness_vals[g][i] = norm_fitness_val + + for i in range(self.N / 2): + rand_nums = np.random.uniform(0, 1, 2) + + + # Run through all the generations + # After the fitness function is done, this function can be finished + def run(self): + for g in range(self.G): + logger.info("Running fitness function on generation %d..." % g) + fitness(g) + logger.info("Generation %d finished." % g) diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py index 2d25100..08b0ff2 100644 --- a/genetic/genetic_run.py +++ b/genetic/genetic_run.py @@ -97,10 +97,12 @@ def main(): logger.info("%s=%s" % (str(key), str(value))) - gen_alg = BaseGeneticAlgorithm(args) + logger.info("Running Base Genetic Algorithm...") + gen_alg = BaseGeneticAlgorithm(args, logger) + gen_alg.run() if args.plot: - print "Going to plot." + logger.debug("Going to plot, but don't have data left.") if __name__=="__main__": main() From 50a180dfc9b42593d0a2fa19a181c55e633505f7 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 20 Apr 2015 18:25:25 -0400 Subject: [PATCH 38/70] finished writing base genetic algorithm code, must test it now --- backpropagation/analysis.py | 15 +- genetic/ffs.py | 17 ++ genetic/genetic_algorithms.py | 306 +++++++++++++++++++++++++++++----- genetic/genetic_run.py | 156 ++++++++++++++--- 4 files changed, 425 insertions(+), 69 deletions(-) create mode 100644 genetic/ffs.py diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py index 758e7d7..47a9f63 100644 --- a/backpropagation/analysis.py +++ b/backpropagation/analysis.py @@ -1,6 +1,6 @@ import numpy as np import matplotlib.pyplot as plt -import sklearn as sk +import sklearn as sk from utils import * @@ -16,7 +16,6 @@ def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_l fig = plt.figure() ax = fig.add_subplot(111) - cmhot = plt.cm.get_cmap("hot") l = ax.scatter(x, y, c=color_metric, cmap=cmhot) fig.colorbar(l) @@ -42,7 +41,7 @@ def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_l plt.grid() if autoscale: subplt.autoscale_view(True, True, True) - fig.tight_layout() + fig.tight_layout() plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') @@ -56,7 +55,7 @@ def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_l plt.grid() if autoscale: subplt.autoscale_view(True,True,True) - fig.tight_layout() + fig.tight_layout() plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') @@ -77,7 +76,7 @@ def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): plt.grid() if autoscale: subplt.autoscale_view(True,True,True) - fig.tight_layout() + fig.tight_layout() plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') @@ -97,7 +96,7 @@ def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_numb plt.grid() if autoscale: subplt.autoscale_view(True,True,True) - fig.tight_layout() + fig.tight_layout() plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) plt.savefig(plot_file_name, bbox_inches='tight') @@ -123,7 +122,7 @@ def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): return plot_file_name def facial_recognition_graphs(): - + prediction_titles = [title(y_pred, y_test, target_names, i) for i in range(y_pred.shape[0])] @@ -134,4 +133,4 @@ def facial_recognition_graphs(): eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] plot_gallery(eigenfaces, eigenface_titles, h, w) - plt.show() \ No newline at end of file + plt.show() diff --git a/genetic/ffs.py b/genetic/ffs.py new file mode 100644 index 0000000..c04a9c8 --- /dev/null +++ b/genetic/ffs.py @@ -0,0 +1,17 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +############################################################## +# ffs.py, fitness functions to be used in +# genetic_algorithms.py +# +# Written by Jared Smith for COSC 427/527 +# at the University of Tennessee, Knoxville. +############################################################### + + +def fitness_func_1(bit_sum, l): + return (pow(((bit_sum / pow(2, l)), 10))) + + +def fitness_func_2(bit_sum, l): + return (pow((((1 - bit_sum) / pow(2, l)), 10))) diff --git a/genetic/genetic_algorithms.py b/genetic/genetic_algorithms.py index 81198b8..edf515a 100644 --- a/genetic/genetic_algorithms.py +++ b/genetic/genetic_algorithms.py @@ -1,33 +1,27 @@ -############################################################## #!/usr/bin/env python # -*- coding: utf-8 -*- -# -# genetic_algorithms.py, general purpose genetic algorithm in Python +############################################################## +# genetic_algorithms.py, general purpose genetic +# algorithm in Python # # Written by Jared Smith and David Cunningham for COSC 427/527 -# at the University of Tennessee, Knoxville +# at the University of Tennessee, Knoxville. +############################################################### +# TODO: +# - Generalize ff call to fitness function using kwargs argument # ############################################################### -import os -import sys -import argparse -import json -import math -import logging -import tempfile import random -from argparse import RawTextHelpFormatter import bitstring as bs import scipy as sp import numpy as np -import matplotlib.pyplot as plt - -class BaseGeneticAlgorithm(object): +import ffs +class BaseGeneticAlgorithm(object): """ @@ -40,67 +34,297 @@ class BaseGeneticAlgorithm(object): pr_mutation is the probability of mutation among the genes pr_crossover is the probability of crossover among the genes population is a list of bit strings (gene strings) of size N + current_offspring is the current generation of children + nruns is the number of runs to run the algorithm + learn is a bool specifying whether to learn the offspring + NG is the number of guesses to use when learning the offspring + ff is the fitness function to use + ce is a bool specifying whether to inflict a sudden change of + environment on the final population - """ + """ def __init__(self, args, logger): # Parameters of the algorithm + self.args = args self.l = args.l self.N = args.N self.G = args.G self.pr_mutation = args.pr_mutation self.pr_crossover = args.pr_crossover self.population = [] + self.current_offspring = [] + self.nruns = args.nruns + self.NG = args.NG + self.learn = args.learn + self.ff = args.ff + self.ce = args.ce # Helper objects self.logger = logger - self.orig_fitness_vals = numpy.zeros((G, N)) - self.norm_fitness_vals = numpy.zeros((G, N)) - self.total_fitness_vals = numpy.zeros((G, N)) + self.orig_fitness_vals = np.zeros((self.G, self.N)) + self.norm_fitness_vals = np.zeros((self.G, self.N)) + self.total_fitness_vals = np.zeros((self.G, self.N)) + self.parents = np.zeros((self.G, 2)) + self.pr_mut_dist = None + self.pr_cr_dist = None + self.env_state = 0 + + # Statistics Objects + self.avg_fitness_vals = np.zeros((self.nruns, 2, self.G)) + self.best_fitness_vals = np.zeros((self.nruns, 2, self.G)) + self.num_correct_bits = np.zeros((self.nruns, 2, self.G)) + self.recovery_time = 0 + + def initialize_algorithm(self): # Initialize the population - logger.info("Initializing Population...") - self.initialize() - logger.info("Initialization Complete.") + self.logger.info("Initializing population and genetic environment...") + self.initialize_pop() + self.initialize_env() + self.logger.info("Initialization Complete.") + + # Generate probablility distributions for mutation and crossover + self.logger.info("Generating probability distributions for mutation and " + + "crossover...") + self.generate_prob_distributions() + self.logger.info("Generated probability distributions for mutation and " + + "crossover.") # Initialize the Population - def initialize(self, g): + def initialize_pop(self): # Generate N random bitstrings for i in range(self.N): - tmp_bitstring = ''.join(random.choice('01') for _ in range(N)) + tmp_bitstring = ''.join(random.choice('01') for _ in range(self.N)) tmp_bitstring = bs.BitArray(bin=tmp_bitstring) self.population.append(tmp_bitstring) - # Currently on step 3 of Van Hornweders write-up - # Calculate the fitness of each individual of the population. - def fitness(self): + # Initialize the genetic environment + def initialize_env(self): + # Get the appropriate fitness function + if self.env_state != 0: + self.recovery_time = 0 + self.ff = random.choice(['fitness_func_2']) + + # Generate probability distributions for mutation and crossover + def generate_prob_distributions(self): + # xk is an array of size 2 (0, 1), that represents the possible + # values we can get out of the distribution + xk = np.arange(2) + + # pk1 and pk2 are the probabilities for getting the corresponding + # xk value for mutation and crossover, respectively + pk1 = (1 - self.pr_mutation, self.pr_mutation) + pk2 = (1 - self.pr_crossover, self.pr_crossover) + + # Generate the object that will be used to get random numbers + # according to each distribution. + self.pr_mut_dist = sp.stats.rv_discrete(name='pr_mut_dist', + values=(xk, pk1)) + self.pr_cr_dist = sp.stats.rv_discrete(name='pr_cr_dist', + values=(xk, pk2)) + + # Calculate the fitness of each individual of the population + def fitness(self, g, nrun, ff=ffs.fitness_func_1): total_fitness = 0 # Step through each bitstring in the population for i, bitstring in enumerate(self.population): # Get the integer value of the string - sum = bitstring.uint - fitness_val = (pow((sum / pow(2, self.l), 10)) - orig_fitness_vals[g][i] = fitness_val + bit_sum = bitstring.uint + fitness_val = ff(bit_sum, self.l) + self.orig_fitness_vals[g][i] = fitness_val total_fitness += fitness_val for i in range(self.N): - norm_fitness_val = (orig_fitness_vals[g][i] / total_fitness) - norm_fitness_vals[g][i] = norm_fitness_val + norm_fitness_val = (self.orig_fitness_vals[g][i] / total_fitness) + self.norm_fitness_vals[g][i] = norm_fitness_val if i != 0: - total_fitness_vals[g][i] = (norm_fitness_valsi[g][i - 1] + norm_fitness_val) + self.total_fitness_vals[g][i] = ( + self.norm_fitness_vals[g][i - 1] + norm_fitness_val) else: - total_fitness_vals[g][i] = norm_fitness_val + self.total_fitness_vals[g][i] = norm_fitness_val - for i in range(self.N / 2): + # Select parents from population + def select(self, g): rand_nums = np.random.uniform(0, 1, 2) + # Select the first parent + prev_individual_fit = 0 + for j, individual_fit in enumerate(self.total_fitness_vals[g]): + if j != 0: + if (prev_individual_fit <= rand_nums[0] <= individual_fit): + self.parents[g][0] = individual_fit + prev_individual_fit = individual_fit + + # Select the second parents + prev_individual_fit = 0 + for j, individual_fit in enumerate(self.total_fitness_vals[g]): + if j != 0: + if (prev_individual_fit <= rand_nums[1] <= individual_fit): + if (individual_fit != self.parents[g][0]): + self.parents[g][1] = individual_fit + prev_individual_fit = individual_fit + + # Mutate the parents + def mutate(self, g): + + for parent in self.parents[g]: + for index_bit in xrange(0, self.N): + # Determine whether we will perform a mutation on the bit + to_mutate = self.pr_mut_dist.rvs(size=1) + + # Mutate the bit if choice is 1, otherwise skip it + if to_mutate: + parent.invert(index_bit) + + # Crossover the parents + def crossover(self, g): + to_crossover = self.pr_cross_dist.rvs(size=1) + + # Crossover the parents if to_crossover is 1, otherwise copy the + # parents exactly into the children + if to_crossover: + # Create empty children + c1 = bs.BitArray(length=self.N) + c2 = bs.BitArray(length=self.N) + + # Select the bit at which to crossover the parents + crossover_bit = random.randint(0, self.N) - # Run through all the generations - # After the fitness function is done, this function can be finished + # Perform the crossover + c1.overwrite(self.parents[g][0][:crossover_bit], 0) + c1.overwrite(self.parents[g][1][:crossover_bit], crossover_bit) + c2.overwrite(self.parents[g][1][:crossover_bit], 0) + c2.overwrite(self.parents[g][0][:crossover_bit], crossover_bit) + + self.current_offspring.append(c1) + self.current_offspring.append(c2) + else: + self.current_offspring.append(self.parents[g][0]) + self.current_offspring.append(self.parents[g][1]) + + # Learn the children on the fitness function. + def learn_offspring(self, g, ff=ffs.fitness_func_1): + # For every child in the current generation, iterate for NG guesses, + # manipulating the child every time trying to find a best fitness, + # and when the children are exhausted, the children will have been + # fine tuned according to the original fitness function. + for child in self.current_offspring: + for guess in xrange(0, self.NG): + current_child = child.copy() + max_fitness = 0 + + for ibit in xrange(0, self.l): + if random.choice([0, 1]): + if current_child[ibit]: + current_child.set(False, ibit) + elif not current_child[ibit]: + current_child.set(True, ibit) + + bit_sum = current_child.uint + current_fitness = ff(bit_sum, self.l) + max_fitness = max(current_fitness, max_fitness) + + if current_fitness == max_fitness: + child = current_child + + def compute_statistics(self, g, nrun, env_state): + # Get the number of correct bits in the best individual + index_bi = self.orig_fitness_vals[g].argmax() + bi_bitstring = self.population[index_bi] + individual_num_correct_bits = bi_bitstring.count(1) + self.num_correct_bits[nrun][self.env_state][g] = individual_num_correct_bits + + # Get the numerical value of the best fitness + self.best_fitness_vals[nrun][self.env_state][g] = self.orig_fitness_vals[g][index_bi] + + # Get the average value of the fitness + self.avg_fitness_vals[nrun][self.env_state][g] = np.average(self.orig_fitness_vals[g]) + + # Logging computed statistics to stdout and to file + self.logger.info("Number of Correct Bits in Best Individual: %d" + % individual_num_correct_bits) + self.logger.info("Fitness Value of Best Individual: %lf" + % self.best_fitness_vals[nrun][self.env_state][g]) + self.logger.info("Average Fitness Value of Generation: %lf" + % self.avg_fitness_vals[nrun][self.env_state][g]) + + # Check if the population has recovered from an environment change + def check_population_recovery(self, g, nrun): + checks = [] + checks.append(self.best_fitness_vals[nrun][self.env_state][g] > self.best_fitness_vals[nrun][self.env_state - 1][self.G - 1]) + checks.append(self.avg_fitness_vals[nrun][self.env_state][g] > self.avg_fitness_vals[nrun][self.env_state - 1][self.G - 1]) + if all(checks): + return True + + # Run one generation + def reproduce(self, nrun, g): + self.logger.info("Running fitness function on generation " + + "%d..." % g) + self.fitness(g, nrun, self.ff) + + # Select the parents of the next generation and generate the + # new offspring. + for i in range(self.N / 2): + self.logger.info("Selecting the parents of generation %d..." + % g) + self.select(g) + self.logger.info("Selection of the parents of generation " + + "%d finished." % g) + + self.logger.info("Performing crossover and mutation of " + + "the parent's offspring from generation " + + "%d..." % g) + self.crossover(g) + self.mutate(g) + self.logger.info("Crossover and mutation of the " + + "the parent's offspring of " + + " generation %d finished.", g) + + # Learn the offspring if specified + if self.learn: + self.logger.info("Performing learning on the offspring" + + " of generation %d..." % g) + self.learn_offspring(g, self.ff) + self.logger.info("Learning on the offspring" + + " of generation %d finished." % g) + + # Compute statistics for this generation + self.logger.info("Computing statistics for Run %d, " + + "Generation %d..." % nrun, g) + self.compute_statistics(g, nrun) + self.logger.info("Computing statistics for Run %d, " + + "Generation %d." % nrun, g) + + # Replace the old population with the new population + self.population = self.current_offspring + self.logger.info("Generation %d finished." % g) + + # Run through the total runs specified def run(self): - for g in range(self.G): - logger.info("Running fitness function on generation %d..." % g) - fitness(g) - logger.info("Generation %d finished." % g) + for nrun in xrange(0, self.nruns): + self.logger.info("Starting run %d..." % nrun) + self.initialize_algorithm() + + for g in xrange(0, self.G): + self.reproduce(nrun, g) + + if self.ce: + self.logger.info("Running Sudden change in environment test...") + self.env_state = 1 + self.initialize_env() + + while True: + self.reproduce(nrun, g) + if self.check_population_recovery(g, nrun): + self.logger.info("Population has recovered after %d " + + "iterations." % self.recovery_time) + break + self.logger.info("Population has not recovered...continuing generation.") + self.recovery_time += 1 + + self.logger.info("Finished run %d." % nrun) + return (self.avg_fitness_vals, self.best_fitness_vals, + self.num_correct_bits) diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py index 08b0ff2..dbb6b7f 100644 --- a/genetic/genetic_run.py +++ b/genetic/genetic_run.py @@ -10,20 +10,17 @@ ############################################################### import os -import sys import argparse -import json -import math import logging -import tempfile -import random +import contextlib from argparse import RawTextHelpFormatter -import scipy as sp import numpy as np import matplotlib.pyplot as plt from genetic_algorithms import BaseGeneticAlgorithm +from ffs import fitness_func_1 + # Function for changing directories safely @contextlib.contextmanager @@ -38,9 +35,12 @@ def cd(newPath): def setup_argparser(): parser = argparse.ArgumentParser(description='' + - ' PyNet: General Purpose Genetic Algorithm in Python\n' + - ' Written by: Jared Smith and David Cunningham', - version='1.0.0', formatter_class=RawTextHelpFormatter) + ' PyNet: General Purpose Genetic ' + + ' Algorithm in Python\n' + + ' Written by: Jared Smith and ' + + ' David Cunningham', + version='1.0.0', + formatter_class=RawTextHelpFormatter) requiredArguments = parser.add_argument_group('required Arguments') requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") @@ -48,10 +48,16 @@ def setup_argparser(): optionalArguments.add_argument('--num_bits', dest='l', required=False, type=int, default=20, help="Number of bits (genes) in the genetic string. Default is 20.") optionalArguments.add_argument('--population_size', dest='N', required=False, type=int, default=30, help="Size of the population. Default is 30.") optionalArguments.add_argument('--num_gens', dest='G', required=False, type=int, default=10, help="Number of generations. Default is 10.") - optionalArguments.add_argument('--pr_mutation', dest='pm', required=False, type=Float, default=0.033, help="Probability of Mutation. Default is 0.033.") - optionalArguments.add_argument('--pr_crossover', dest='pc', required=False, type=Float, default=0.6, help="Probability of Crossover. Default is 0.6.") + optionalArguments.add_argument('--pr_mutation', dest='pm', required=False, type=float, default=0.033, help="Probability of Mutation. Default is 0.033.") + optionalArguments.add_argument('--pr_crossover', dest='pc', required=False, type=float, default=0.6, help="Probability of Crossover. Default is 0.6.") + optionalArguments.add_argument('--learn_offspring', dest='learn', required=False, type=bool, default=False, help="Specify whether to enforce learning on the offspring of each generation. Default is False.") + optionalArguments.add_argument('--change_environment', dest='ce', required=False, type=bool, default=False, help="Specify whether to inflict a sudden change of environment on the final population. Default is False.") + optionalArguments.add_argument('--num_learning_guesses', dest='NG', required=False, type=int, default=20, help="Specify the number of guesses to take when learning with the offspring. Default is 20.") + optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from utils.py.") optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + optionalArguments.add_argument('--nruns', dest='nruns', required=False, type=int, default=10, help="Specify the number of runs to do of the algorithm. Default is 10.") + return parser def setup_logger(log_path, logger_name, logfile_name): @@ -71,9 +77,115 @@ def setup_logger(log_path, logger_name, logfile_name): return rootLogger -def main(): - graph_list = [] +def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits, + autoscale, plot_file_path, experiment_number, ce): + x = np.arange(1, G) + + # Plot average fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, avg_fitness_vals[nrun][0]) + plt.xlabel('Generations') + plt.ylabel('Average Fitness Value') + plt.title('Average Fitness Values Over %d Runs with %d Generations' % + (avg_fitness_vals.shape[0], avg_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/avg-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the best fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, best_fitness_vals[nrun][0]) + plt.xlabel('Generations') + plt.ylabel('Best Fitness Value') + plt.title('Best Fitness Values Over %d Runs with %d Generations' % + (best_fitness_vals.shape[0], best_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/best-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the number of correct bits for the best individual + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, num_correct_bits[nrun][0]) + plt.xlabel('Generations') + plt.ylabel('Number of Correct Bits') + plt.title('Number of Correct Bits Over %d Runs with %d Generations' % + (num_correct_bits.shape[0], num_correct_bits.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/num-correct-bits-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + if ce: + # Plot average fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, avg_fitness_vals[nrun][1]) + plt.xlabel('Generations') + plt.ylabel('Average Fitness Value') + plt.title('CE Average Fitness Values Over %d Runs with %d Generations' % + (avg_fitness_vals.shape[0], avg_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-avg-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the best fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, best_fitness_vals[nrun][1]) + plt.xlabel('Generations') + plt.ylabel('Best Fitness Value') + plt.title('CE Best Fitness Values Over %d Runs with %d Generations' % + (best_fitness_vals.shape[0], best_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-best-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the number of correct bits for the best individual + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in nruns: + plt.plot(x, num_correct_bits[nrun][1]) + plt.xlabel('Generations') + plt.ylabel('Number of Correct Bits') + plt.title('CE Number of Correct Bits Over %d Runs with %d Generations' % + (num_correct_bits.shape[0], num_correct_bits.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-num-correct-bits-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + +def main(): parser = setup_argparser() args = parser.parse_args() experiment_number = args.experiment_number @@ -89,20 +201,24 @@ def main(): if not os.path.exists('Experiment-' + str(experiment_number)): os.makedirs('Experiment-' + str(experiment_number)) - logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") - logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger = setup_logger('results/data/Experiment-' + + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM " + + "%s#########################", str(experiment_number)) logger.info("Program Arguments:") args_dict = vars(args) - for key, value in args_dict.iteritems() : + for key, value in args_dict.iteritems(): logger.info("%s=%s" % (str(key), str(value))) - logger.info("Running Base Genetic Algorithm...") gen_alg = BaseGeneticAlgorithm(args, logger) - gen_alg.run() + avg_fitness_vals, best_fitness_vals, num_correct_bits = gen_alg.run() + logger.info("Finished Base Genetic Algorithm.") if args.plot: - logger.debug("Going to plot, but don't have data left.") + plot_file_path = 'results/data/Experiment-%s' % (experiment_number) + plot_results(args.G, args.nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits, + args.autoscale, plot_file_path, experiment_number, args.ce) -if __name__=="__main__": +if __name__ == "__main__": main() From 6e06db29e17a24a34d10ad3c34790c2ab52c95f4 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 20 Apr 2015 18:37:02 -0400 Subject: [PATCH 39/70] Update README.md --- README.md | 17 ++++++++++++++--- 1 file changed, 14 insertions(+), 3 deletions(-) diff --git a/README.md b/README.md index 0c1d342..54f453c 100755 --- a/README.md +++ b/README.md @@ -1,12 +1,23 @@ -# PyNet -Several Neural Network Implementations in Python +# BioPy + +####Neural Network Implementations: +---- - Hopfield Neural Network - - Needs work to clean up and generalize - Back Propagation Neural Network - Tests included: - XOR + - Two Function Approximations - MNIST Handwritten Digits Recognition Test - From scikit-learn package - Fisher's Iris data set: http://en.wikipedia.org/wiki/Iris_flower_data_set - From scikit-learn package + - Labelled Faces in the Wild Dataset: http://vis-www.cs.umass.edu/lfw/ + - From scikit-learn package, originally collected by the University of Mass. Amherst +####Genetic Programming: +---- +- Basic Genetic Computation Algorithm + - Features: + - "drag-n-drop" fitness functions + - crossover and mutation of genes + - learning ability for offspring of each generation From e8747623205185a23da2a44d128dce370a013090 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Mon, 20 Apr 2015 20:38:11 -0400 Subject: [PATCH 40/70] updated README --- README.md | 14 ++++++++++++-- 1 file changed, 12 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 54f453c..c910534 100755 --- a/README.md +++ b/README.md @@ -1,6 +1,15 @@ # BioPy -####Neural Network Implementations: +####Overview: +---- +BioPy is a collection (in-progress) of biologically-inspired algorithms written in Python. Some of the algorithms included are more focused on artificial model's of biological computation, such as Hopfield Neural Networks, while others are inherently more biologically-focused, such as the basic genetic programming module included in this project. Use it for whatever you like, and please contribute back to the project by cleaning up code that is here or contributing new code for +applications in biology that you may find interesting to program. + +####Categories +---- +Below you will find several categories of applications in this project. + +#####Neural Networks: ---- - Hopfield Neural Network - Back Propagation Neural Network @@ -14,10 +23,11 @@ - Labelled Faces in the Wild Dataset: http://vis-www.cs.umass.edu/lfw/ - From scikit-learn package, originally collected by the University of Mass. Amherst -####Genetic Programming: +#####Genetic Programming: ---- - Basic Genetic Computation Algorithm - Features: - "drag-n-drop" fitness functions - crossover and mutation of genes - learning ability for offspring of each generation + From 4b443cdcf2803fa2b3c8bade62df4182b1ad56dd Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Tue, 21 Apr 2015 09:12:32 -0400 Subject: [PATCH 41/70] fixed cli interface typo --- genetic/genetic_run.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py index dbb6b7f..797ffdc 100644 --- a/genetic/genetic_run.py +++ b/genetic/genetic_run.py @@ -53,7 +53,7 @@ def setup_argparser(): optionalArguments.add_argument('--learn_offspring', dest='learn', required=False, type=bool, default=False, help="Specify whether to enforce learning on the offspring of each generation. Default is False.") optionalArguments.add_argument('--change_environment', dest='ce', required=False, type=bool, default=False, help="Specify whether to inflict a sudden change of environment on the final population. Default is False.") optionalArguments.add_argument('--num_learning_guesses', dest='NG', required=False, type=int, default=20, help="Specify the number of guesses to take when learning with the offspring. Default is 20.") - optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from utils.py.") + optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from ffs.py.") optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") optionalArguments.add_argument('--nruns', dest='nruns', required=False, type=int, default=10, help="Specify the number of runs to do of the algorithm. Default is 10.") From be9a8227d95defc0de8f3cf7590f398da4515414 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 22 Apr 2015 16:29:08 -0400 Subject: [PATCH 42/70] fully working version --- genetic/ffs.py | 4 +- genetic/genetic_algorithms.py | 176 +- genetic/genetic_run.py | 31 +- .../data/Experiment-1/avg-fit-vals-exp-1.pdf | Bin 0 -> 14095 bytes .../data/Experiment-1/best-fit-vals-exp-1.pdf | Bin 0 -> 13306 bytes genetic/results/data/Experiment-1/main.log | 61126 ++++++++++++++++ .../Experiment-1/num-correct-bits-exp-1.pdf | Bin 0 -> 14428 bytes .../data/Experiment-2/avg-fit-vals-exp-2.pdf | Bin 0 -> 13238 bytes .../data/Experiment-2/best-fit-vals-exp-2.pdf | Bin 0 -> 12996 bytes .../Experiment-2/ce-avg-fit-vals-exp-2.pdf | Bin 0 -> 15323 bytes .../Experiment-2/ce-best-fit-vals-exp-2.pdf | Bin 0 -> 14399 bytes .../ce-num-correct-bits-exp-2.pdf | Bin 0 -> 14889 bytes genetic/results/data/Experiment-2/main.log | 2362 + .../Experiment-2/num-correct-bits-exp-2.pdf | Bin 0 -> 14009 bytes .../data/Experiment-3/avg-fit-vals-exp-3.pdf | Bin 0 -> 12811 bytes .../data/Experiment-3/best-fit-vals-exp-3.pdf | Bin 0 -> 12988 bytes .../Experiment-3/ce-avg-fit-vals-exp-3.pdf | Bin 0 -> 14207 bytes .../Experiment-3/ce-best-fit-vals-exp-3.pdf | Bin 0 -> 13992 bytes .../ce-num-correct-bits-exp-3.pdf | Bin 0 -> 14861 bytes genetic/results/data/Experiment-3/main.log | 3170 + .../Experiment-3/num-correct-bits-exp-3.pdf | Bin 0 -> 13508 bytes 21 files changed, 66805 insertions(+), 64 deletions(-) create mode 100644 genetic/results/data/Experiment-1/avg-fit-vals-exp-1.pdf create mode 100644 genetic/results/data/Experiment-1/best-fit-vals-exp-1.pdf create mode 100644 genetic/results/data/Experiment-1/main.log create mode 100644 genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf create mode 100644 genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf create mode 100644 genetic/results/data/Experiment-2/best-fit-vals-exp-2.pdf create mode 100644 genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf create mode 100644 genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf create mode 100644 genetic/results/data/Experiment-2/ce-num-correct-bits-exp-2.pdf create mode 100644 genetic/results/data/Experiment-2/main.log create mode 100644 genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf create mode 100644 genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf create mode 100644 genetic/results/data/Experiment-3/best-fit-vals-exp-3.pdf create mode 100644 genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf create mode 100644 genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf create mode 100644 genetic/results/data/Experiment-3/ce-num-correct-bits-exp-3.pdf create mode 100644 genetic/results/data/Experiment-3/main.log create mode 100644 genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf diff --git a/genetic/ffs.py b/genetic/ffs.py index c04a9c8..10b867e 100644 --- a/genetic/ffs.py +++ b/genetic/ffs.py @@ -10,8 +10,8 @@ def fitness_func_1(bit_sum, l): - return (pow(((bit_sum / pow(2, l)), 10))) + return (pow((bit_sum / pow(2, l)), 10)) def fitness_func_2(bit_sum, l): - return (pow((((1 - bit_sum) / pow(2, l)), 10))) + return (pow(((1 - bit_sum) / pow(2, l)), 10)) diff --git a/genetic/genetic_algorithms.py b/genetic/genetic_algorithms.py index edf515a..3e6a098 100644 --- a/genetic/genetic_algorithms.py +++ b/genetic/genetic_algorithms.py @@ -15,7 +15,7 @@ import random import bitstring as bs -import scipy as sp +from scipy import stats import numpy as np import ffs @@ -50,8 +50,8 @@ def __init__(self, args, logger): self.l = args.l self.N = args.N self.G = args.G - self.pr_mutation = args.pr_mutation - self.pr_crossover = args.pr_crossover + self.pr_mutation = args.pm + self.pr_crossover = args.pc self.population = [] self.current_offspring = [] self.nruns = args.nruns @@ -59,29 +59,29 @@ def __init__(self, args, logger): self.learn = args.learn self.ff = args.ff self.ce = args.ce + self.max_recovery = 100 # Helper objects self.logger = logger - self.orig_fitness_vals = np.zeros((self.G, self.N)) - self.norm_fitness_vals = np.zeros((self.G, self.N)) - self.total_fitness_vals = np.zeros((self.G, self.N)) - self.parents = np.zeros((self.G, 2)) + self.orig_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.norm_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.total_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.parents = [[None, None] for x in xrange(self.G + self.max_recovery)] self.pr_mut_dist = None self.pr_cr_dist = None self.env_state = 0 # Statistics Objects - self.avg_fitness_vals = np.zeros((self.nruns, 2, self.G)) - self.best_fitness_vals = np.zeros((self.nruns, 2, self.G)) - self.num_correct_bits = np.zeros((self.nruns, 2, self.G)) + self.avg_fitness_vals = np.zeros((self.nruns, 2, self.G + self.max_recovery)) + self.best_fitness_vals = np.zeros((self.nruns, 2, self.G + self.max_recovery)) + self.num_correct_bits = np.zeros((self.nruns, 2, self.G + self.max_recovery)) self.recovery_time = 0 def initialize_algorithm(self): # Initialize the population - self.logger.info("Initializing population and genetic environment...") + self.logger.info("Initializing population...") self.initialize_pop() - self.initialize_env() self.logger.info("Initialization Complete.") # Generate probablility distributions for mutation and crossover @@ -94,6 +94,8 @@ def initialize_algorithm(self): # Initialize the Population def initialize_pop(self): # Generate N random bitstrings + self.population = [] + self.current_offspring = [] for i in range(self.N): tmp_bitstring = ''.join(random.choice('01') for _ in range(self.N)) tmp_bitstring = bs.BitArray(bin=tmp_bitstring) @@ -102,9 +104,10 @@ def initialize_pop(self): # Initialize the genetic environment def initialize_env(self): # Get the appropriate fitness function + self.logger.info("Initializing environment...") if self.env_state != 0: self.recovery_time = 0 - self.ff = random.choice(['fitness_func_2']) + self.logger.info("Initialized environment.") # Generate probability distributions for mutation and crossover def generate_prob_distributions(self): @@ -119,52 +122,118 @@ def generate_prob_distributions(self): # Generate the object that will be used to get random numbers # according to each distribution. - self.pr_mut_dist = sp.stats.rv_discrete(name='pr_mut_dist', + self.pr_mut_dist = stats.rv_discrete(name='pr_mut_dist', values=(xk, pk1)) - self.pr_cr_dist = sp.stats.rv_discrete(name='pr_cr_dist', + self.pr_cr_dist = stats.rv_discrete(name='pr_cr_dist', values=(xk, pk2)) # Calculate the fitness of each individual of the population def fitness(self, g, nrun, ff=ffs.fitness_func_1): total_fitness = 0 + self.logger.debug("Getting fitness of generation %d" % g) + # Step through each bitstring in the population for i, bitstring in enumerate(self.population): # Get the integer value of the string bit_sum = bitstring.uint - fitness_val = ff(bit_sum, self.l) + self.logger.debug("Sum of bitstring at %d of population: %d" % (i, bit_sum)) + fitness_val = self.ff(bit_sum, self.l) self.orig_fitness_vals[g][i] = fitness_val + self.logger.debug("Fitness Value at index %d in population: %lf" % (i, fitness_val)) total_fitness += fitness_val + self.logger.debug("Total fitness from step 1: %lf" % total_fitness) + + self.norm_fitness_vals[g] = self.orig_fitness_vals[g] / total_fitness + self.logger.debug("Sum of norm fitness vals: %lf" % np.sum(self.norm_fitness_vals[g])) + + prev_norm_fitness_val = 0 for i in range(self.N): - norm_fitness_val = (self.orig_fitness_vals[g][i] / total_fitness) - self.norm_fitness_vals[g][i] = norm_fitness_val - if i != 0: - self.total_fitness_vals[g][i] = ( - self.norm_fitness_vals[g][i - 1] + norm_fitness_val) - else: - self.total_fitness_vals[g][i] = norm_fitness_val + self.logger.debug("Normalized Fitness Value at index %d in population: %lf" % (i, self.norm_fitness_vals[g][i])) + self.total_fitness_vals[g][i] = ( + self.norm_fitness_vals[g][i] + prev_norm_fitness_val) + prev_norm_fitness_val = self.total_fitness_vals[g][i] + self.logger.debug("Total Fitness Value at index %d in population: %lf" % (i, self.total_fitness_vals[g][i])) # Select parents from population def select(self, g): rand_nums = np.random.uniform(0, 1, 2) # Select the first parent + self.logger.info("Selecting the first parent...") prev_individual_fit = 0 - for j, individual_fit in enumerate(self.total_fitness_vals[g]): + j = 0 + while True: + if j >= self.N: + j = 0 + rand_nums = np.random.uniform(0, 1, 2) + + individual_fit = self.total_fitness_vals[g][j] + if rand_nums[0] < self.total_fitness_vals[g][0]: + self.logger.debug("1: Prev_Individual Fit: %lf" % prev_individual_fit) + self.logger.debug("1: Individual Fit: %lf" % individual_fit) + self.logger.debug("1: Rand Num: %lf" % rand_nums[0]) + self.logger.debug("1: Population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][0] = self.population[0] + break + if j != 0: + self.logger.debug("1: Prev_Individual Fit: %lf" % prev_individual_fit) + self.logger.debug("1: Individual Fit: %lf" % individual_fit) + self.logger.debug("1: Rand Num: %lf" % rand_nums[0]) + self.logger.debug("1: Population at %d: %s" % (j, self.population[j].bin)) + if (prev_individual_fit <= rand_nums[0] <= individual_fit): - self.parents[g][0] = individual_fit + self.logger.debug("1: selected individuval from population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][0] = self.population[j] + self.logger.debug("1: parents[%d][0]: %s" % (g, str(self.parents[g][0]))) + break prev_individual_fit = individual_fit + j += 1 + self.logger.info("First parent has been selected.") - # Select the second parents + # Select the second parent + self.logger.info("Selecting the second parent...") prev_individual_fit = 0 - for j, individual_fit in enumerate(self.total_fitness_vals[g]): + j = 0 + cycles = 0 + while True: + if j >= self.N: + cycles += j + if cycles >= 100: + self.parents[g][1] = self.parents[g][0] + break + else: + j = 0 + rand_nums = np.random.uniform(0, 1, 2) + + individual_fit = self.total_fitness_vals[g][j] + if rand_nums[1] < self.total_fitness_vals[g][0]: + self.logger.debug("2: prev_individual fit: %lf" % prev_individual_fit) + self.logger.debug("2: individual fit: %lf" % individual_fit) + self.logger.debug("2: rand num: %lf" % rand_nums[1]) + self.logger.debug("2: population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][1] = self.population[0] + break + if j != 0: + self.logger.debug("2: prev_individual fit: %lf" % prev_individual_fit) + self.logger.debug("2: individual fit: %lf" % individual_fit) + self.logger.debug("2: rand num: %lf" % rand_nums[1]) + self.logger.debug("2: population at %d: %s" % (j, self.population[j].bin)) + if (prev_individual_fit <= rand_nums[1] <= individual_fit): - if (individual_fit != self.parents[g][0]): - self.parents[g][1] = individual_fit + if (self.population[j] != self.parents[g][0]): + self.logger.debug("2: selected individuval from population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][1] = self.population[j] + self.logger.debug("1: parents[%d][0]: %s" % (g, str(self.parents[g][1]))) + break + prev_individual_fit = individual_fit + j += 1 + + self.logger.info("Second parent has been selected.") # Mutate the parents def mutate(self, g): @@ -178,9 +247,10 @@ def mutate(self, g): if to_mutate: parent.invert(index_bit) + # Crossover the parents def crossover(self, g): - to_crossover = self.pr_cross_dist.rvs(size=1) + to_crossover = self.pr_cr_dist.rvs(size=1) # Crossover the parents if to_crossover is 1, otherwise copy the # parents exactly into the children @@ -190,13 +260,13 @@ def crossover(self, g): c2 = bs.BitArray(length=self.N) # Select the bit at which to crossover the parents - crossover_bit = random.randint(0, self.N) + crossover_bit = random.randint(0, self.l) # Perform the crossover c1.overwrite(self.parents[g][0][:crossover_bit], 0) - c1.overwrite(self.parents[g][1][:crossover_bit], crossover_bit) + c1.overwrite(self.parents[g][1][:(self.l - crossover_bit)], crossover_bit) c2.overwrite(self.parents[g][1][:crossover_bit], 0) - c2.overwrite(self.parents[g][0][:crossover_bit], crossover_bit) + c1.overwrite(self.parents[g][0][:(self.l - crossover_bit)], crossover_bit) self.current_offspring.append(c1) self.current_offspring.append(c2) @@ -229,7 +299,7 @@ def learn_offspring(self, g, ff=ffs.fitness_func_1): if current_fitness == max_fitness: child = current_child - def compute_statistics(self, g, nrun, env_state): + def compute_statistics(self, g, nrun): # Get the number of correct bits in the best individual index_bi = self.orig_fitness_vals[g].argmax() bi_bitstring = self.population[index_bi] @@ -253,8 +323,10 @@ def compute_statistics(self, g, nrun, env_state): # Check if the population has recovered from an environment change def check_population_recovery(self, g, nrun): checks = [] - checks.append(self.best_fitness_vals[nrun][self.env_state][g] > self.best_fitness_vals[nrun][self.env_state - 1][self.G - 1]) - checks.append(self.avg_fitness_vals[nrun][self.env_state][g] > self.avg_fitness_vals[nrun][self.env_state - 1][self.G - 1]) + checks.append((self.best_fitness_vals[nrun][1][g] > self.best_fitness_vals[nrun][0][self.G - 1])) + checks.append((self.avg_fitness_vals[nrun][1][g] > self.avg_fitness_vals[nrun][0][self.G - 1])) + for check in checks: + print check if all(checks): return True @@ -291,38 +363,48 @@ def reproduce(self, nrun, g): " of generation %d finished." % g) # Compute statistics for this generation - self.logger.info("Computing statistics for Run %d, " + - "Generation %d..." % nrun, g) + self.logger.info("Computing statistics for Run %d, Generation %d..." % (nrun, g)) self.compute_statistics(g, nrun) - self.logger.info("Computing statistics for Run %d, " + - "Generation %d." % nrun, g) + self.logger.info("Computation of statistics finished for Run %d, Generation %d." % (nrun, g)) # Replace the old population with the new population self.population = self.current_offspring - self.logger.info("Generation %d finished." % g) + self.current_offspring = [] # Run through the total runs specified def run(self): - for nrun in xrange(0, self.nruns): + for nrun in range(self.nruns): self.logger.info("Starting run %d..." % nrun) self.initialize_algorithm() - for g in xrange(0, self.G): + self.env_state = 0 + self.ff = ffs.fitness_func_1 + self.logger.info("Fitness Function before normal generation run: %s" % str(self.ff.__name__)) + + for g in range(self.G): + self.logger.info("Generation %d running..." % g) self.reproduce(nrun, g) + self.logger.info("Generation %d finished." % g) if self.ce: - self.logger.info("Running Sudden change in environment test...") + self.logger.info("Running Sudden change in environment test starting at generation %d..." % g) self.env_state = 1 self.initialize_env() + self.ff = ffs.fitness_func_2 + self.logger.info("Fitness Function before changed environment generation run: %s" % str(self.ff.__name__)) while True: + g += 1 + self.recovery_time += 1 + self.logger.info("Recovery Time: %d, Max Recovery: %d, Generation %d In Changed Environment" % (self.recovery_time, self.max_recovery, g)) + if self.recovery_time >= self.max_recovery: + self.logger.info("Population has not recovered after %d iterations. Quitting now." % self.recovery_time) + break self.reproduce(nrun, g) if self.check_population_recovery(g, nrun): - self.logger.info("Population has recovered after %d " + - "iterations." % self.recovery_time) + self.logger.info("Population has recovered after %d iterations." % self.recovery_time) break self.logger.info("Population has not recovered...continuing generation.") - self.recovery_time += 1 self.logger.info("Finished run %d." % nrun) diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py index 797ffdc..591aa4e 100644 --- a/genetic/genetic_run.py +++ b/genetic/genetic_run.py @@ -19,8 +19,7 @@ import matplotlib.pyplot as plt from genetic_algorithms import BaseGeneticAlgorithm -from ffs import fitness_func_1 - +import ffs # Function for changing directories safely @contextlib.contextmanager @@ -53,7 +52,7 @@ def setup_argparser(): optionalArguments.add_argument('--learn_offspring', dest='learn', required=False, type=bool, default=False, help="Specify whether to enforce learning on the offspring of each generation. Default is False.") optionalArguments.add_argument('--change_environment', dest='ce', required=False, type=bool, default=False, help="Specify whether to inflict a sudden change of environment on the final population. Default is False.") optionalArguments.add_argument('--num_learning_guesses', dest='NG', required=False, type=int, default=20, help="Specify the number of guesses to take when learning with the offspring. Default is 20.") - optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from ffs.py.") + optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=ffs.fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from ffs.py.") optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") optionalArguments.add_argument('--nruns', dest='nruns', required=False, type=int, default=10, help="Specify the number of runs to do of the algorithm. Default is 10.") @@ -64,9 +63,9 @@ def setup_logger(log_path, logger_name, logfile_name): logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') rootLogger = logging.getLogger(logger_name) - rootLogger.setLevel(logging.DEBUG) + rootLogger.setLevel(logging.INFO) - fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name), mode='w') fileHandler.setFormatter(logFormatter) rootLogger.addHandler(fileHandler) @@ -79,14 +78,14 @@ def setup_logger(log_path, logger_name, logfile_name): def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits, autoscale, plot_file_path, experiment_number, ce): - x = np.arange(1, G) + x = np.arange(0, G) # Plot average fitness values fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: - plt.plot(x, avg_fitness_vals[nrun][0]) + for nrun in range(nruns): + plt.plot(x, avg_fitness_vals[nrun][0][:G]) plt.xlabel('Generations') plt.ylabel('Average Fitness Value') plt.title('Average Fitness Values Over %d Runs with %d Generations' % @@ -102,8 +101,8 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: - plt.plot(x, best_fitness_vals[nrun][0]) + for nrun in range(nruns): + plt.plot(x, best_fitness_vals[nrun][0][:G]) plt.xlabel('Generations') plt.ylabel('Best Fitness Value') plt.title('Best Fitness Values Over %d Runs with %d Generations' % @@ -119,8 +118,8 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: - plt.plot(x, num_correct_bits[nrun][0]) + for nrun in range(nruns): + plt.plot(x, num_correct_bits[nrun][0][:G]) plt.xlabel('Generations') plt.ylabel('Number of Correct Bits') plt.title('Number of Correct Bits Over %d Runs with %d Generations' % @@ -133,11 +132,13 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits plt.savefig(plot_file_name, bbox_inches='tight') if ce: + x = np.arange(0, G + 100) + # Plot average fitness values fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: + for nrun in range(nruns): plt.plot(x, avg_fitness_vals[nrun][1]) plt.xlabel('Generations') plt.ylabel('Average Fitness Value') @@ -154,7 +155,7 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: + for nrun in range(nruns): plt.plot(x, best_fitness_vals[nrun][1]) plt.xlabel('Generations') plt.ylabel('Best Fitness Value') @@ -171,7 +172,7 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits fig = plt.figure() subplt = plt.subplot(111) - for nrun in nruns: + for nrun in range(nruns): plt.plot(x, num_correct_bits[nrun][1]) plt.xlabel('Generations') plt.ylabel('Number of Correct Bits') diff --git a/genetic/results/data/Experiment-1/avg-fit-vals-exp-1.pdf b/genetic/results/data/Experiment-1/avg-fit-vals-exp-1.pdf new file mode 100644 index 0000000000000000000000000000000000000000..8b9e8ae570f7bb8345383c3b2ac4e9ac66df12da GIT binary patch literal 14095 zcmb`u2{={X7cflbi_D~?lQIu?zFhM>WFCs5GF?N)xQ2*OnUat>iA08!sX|Jbr$nU^ zDJ7H;4XEVZ=c;~@@Bew;=e?e7@3YQ6Yp=c5+H0-7&pN^;n%dH685~0R${q0|9Y&8Q;AF6PEDkG+ zhj18_3|baNz~Et$%}Bmpem)L>O)y)`e&dBXhd^oodI3^jh)B8jAIN>rMg}ZKZ=REz_3|) zcx>Qq<9Dv%dZdO-Dz2o+IZkD|MI`xIk!}k^)wZ8L-`;&5m3CKtb9PR&vwb$FbSbje zJ;qNkbSN_00)0R*JL<*b`bd}U=7#wjGnM+}e|(es5fZq0s4nHsIhJD)-!FXpvAFm51nu-Rv)*SQE6 zMUFKSN%Ifz;s#|_Z#;GKMIs&q3OZSB<~dZB*Jt)sjpvxut;$OBvlgZcl5P^&*Q-V| zzAHwH#kIN}dR2`pe~qf_5y>pPQr;G8|f%gofM(y!%QrEh3DE6KBG3)2C{vra{hUYTya0-HKB z>-ej8alIr^pH+Qm4X(;;$v^9IQZwzV;cGrO{nyq3}vS4bqx zcDJ@Yim^5tyi!##8RR}G~uV4@Tp-ZNyb}o4vaI56-nqH)Z3iY4(txg zlsnFNP3=Gi$7RHlui(4ABl#@X+De#j(LKkgY0JM2-~75)%~(2q+=JJOE3hxetjXiVj9#6N{ zwU1TFPIQv6dXs}!M5-Q$9w_X`$8c1jpM`t2I#xG1YGI`MB%raj%{RQRZ;O7n>605T z&1kCKg{pyrdrPD_YMyF4#2=M*6eP4qB9dy36MY6VnC17+r<~b6!rKF zqaW>-*XBEu=&`IDZ#YNYL9+0ay z>)WPdaB;J)0V#TSxXfU%t@e@d^o~L=`upw%ek18RiCq^H#a}gLCAyUo+nCGm-+mYi zy+3%a)83pq>-ED<{5+yVC|!-Sq)qIGIj=WI{8Q5}_U7Tw`zNURK5{0d>+0pl^_`Z} zEs467yJ2idSQqMIpDtvw=tyRGGKeg5h^u|Sxnh&9aik{Hb3`RUT9Bu`zYSVAI(PM= zx|S|W7!Mu2PGTsed^X|U-R;i_j5O`F3@@JS&Z$+GiTtchyc8m-r|QsdChmx`*j42L zWg7%%So2FV%Jf92rU*oEeBs)?`J4oq>pSY%bnE_}^PeH5^VhG_OWW- z+cz!DkzLbrqd|E4hXm1B{|$T>dlGVKb0m+Cd^M!o9vGBoqJHx^m;An1`vi~pK8_kD zL*!>>>Bs{0pp=t8@12d`Kb=|0eI#5y;7Q5+F0S~4y{S2L;h~nb{_YmjVUbGK20Hi3PcNTj8co$J zj5+hacl`Fk)o*g(-HXPLqY7ebkx>_nMA|Qngc@u3s8z}-{s{cGbulz>9`|Er*r?38 zG#lS^bA!r(+iEY*F^^u0&jaLeBL@c|u;`bL?# z<~uvb`oH@HZu$DAZ_C%)HMTz`{4Hc@mp0Z6@h{kf^1e(PKHbJ<$uOeed+&$e$hb*R zQEboTot`uiPyf)ZL-dP*U+6=;WYX&qw-25;IjK1K>3r`4I-i+i{6o<{z5P_{v3y+z zb@{TIeh#7#1;Ui9lEC|-V*QP>c*ac z(TIhKp6_m$_`4G!;Rh#g9iR=Z3!=Fr3-HlpWAhs8$K9Vt{FIVDRE$#|NIJuI=h)Gp zA77%bZChISeAGEVjyGt+^s?pH0a@Gc@3sUt_*y@aai+;gvwqb31j(KF^U1N1;#a(o z-vJCE{$00p(+~e1{1NeDi36m(3HP7ccVw;@p4h+1nqT2r_QspX!m*Qlc{3h0U*_B& z#l}=9@V#n}c-7E0`uyPG$L!Y5pJdJa?L01iXn3}(|K3+}_2Q{yyxO4X zh4F`;*Vnpop8f3kbCh{1<9bGwuR|`u#@#q-pgz6Fy_oxU*~p&vbuM*mBJx-G7n@&h z`=-A+yI6lo=<*TI+s#4qm{5o3Y4wY;9c>TJGzM&|S5{J1VLSGH_>CS|A%oCO7uh*9lSgm|Ql zs&aHnCmmNOb!C@SSGd#;=7dxM84YF!l!v|hC0i$ZddIyG8mfIr%<4+X$x7u)XxEn=i^STos9uWTk2uXBAmv z;J+io{}tBAp;ip66?cpEE{ahzxWJY+RK)3mSW4xwEzqt(Z{ynFYI#nK`H)>?6m2$( zRHXR~eMX)wzFOPt^!X2YWu6E9!bgM5OTNr8NErM3A6B~G$^Ur`y4D+R5m(Y>cv_9~ zF2qPPT_=V4tltBu;lT^+josN#PDiGe8wNrM@>~@c-&0H)05Ng?nc=#KcBkT z@e`wGa6a-;@J*WI6*GsAKh*pF^>7eX$zl-w3$}*>LRSA$i1|B){a>8JfN1w`{lS}b zvTC3iZ#g4)3%NIhJ7({>?YHFS(W79;v7~O*mdtphsJ&bKoxZZX0ox6k`f?%WQa|Aj z9hp$J*p5BZn4@VTpq^O5C3xCWw>K8nI$Cy9x5WkN< zEr&+CEz_Y|UPG%Y#R~~W)UTI98>gg4a+5xFWN%s6k~R5Jq0)0$^pL+$uMZFAaV4&G z6C;q_Pz{us7_(RZXJ)!}$CQUUjW=Y^qe| zRco;3@BPXDVhvh$1!u6ZHitEGYsgS-PTufg4aD%iWn6uMHmzOg1`xS78fgh~sSHX7-); zGWAax>Lx4c{g8b7@P&h4Xf_H8BD1CSYLortHLwgdK0+al>qU(Fv!j zcn8PEz_|v4n3Iu>oF?Z&QkaU<&O91q+EJim=s(#|VNICcu9>%hl}f(XDz=k4%E)0S z;$c}BM>z3zS?ujmW+Lz1XwvyiDHabG;afrRC-3%TRp#5ZJk5Uk=_iAhb#UGqQh>K} z>yiR?rRBt%5wE^bWtj*;?1#eq?`MtC6@^Z{j7&a=(5TuIn;FlW;<`ZEzFYdNO#P&u zN6ePlxpqVhSCXah^L&;>lLf_-7WK}Zb$6a*aX|Vhh_h#tT7{W^vZM{k2#h(nshrsn zpcG`gJMIK0btgAhp4(peTaB5ge<&7EtGwp$xoUM&z=21Xwf69Ho@tFwN7^<+PU)$! zi2ZwFcth1@a&$^V=BzBNpx#LVJ@2^FCW&GG;m>thh?Tsz3X$LTCZ{uzCr=4YUA)Vw z*Og_zU;Z1LGFhsyp75sgTKukWx{_`N&ja%GT)TwMUQN^TlJyEvs#g6Z({b#;eMrsx ziJ0rrp5pTkVwwD;lK}#mEVx#Is4gzWC@g34=Mb^bgZd)1Vu>mnS#ysa6wHguqW7Zq z?Y(d#mWFSp-|m`#?a7DDnIj>p5?n#H-X=KVL?tS2^43hVGt{-b!k{nRCVX z&AjN_+L(~Ag;TXTNfMEjMf5FU+Bpj3FG-ad!QqCDR^FVKE=}K16;+fv*T3hwX-Zk} zhqF^cdZo|v9x=x;hC8!Nma&xGI%h0E{pNZ>!NE-NcjumAx250wsC!P`F?wIe+~N1! z&cRDmDid+^Q6c#v}1^DUuk(6`?B z0)xY?l!d9DXA_F$)_0yCcd1gZG#@dJ&3?XgP+xwN0bAszy{|a~L`5n-R-CNml@~Zj znBDb^<%eL^Xw!peo~2%bQ0Y+KTi8?@Pq(+J~4F0B{r`LNwJbB)g zUAR#&gR?{Q{vj8m%jw%Ia|Le}S+$D|7Gfl(%=ulF+6Lr0sf^;eI$V_c%QK^A%`e!f zA24WQy7l3MRkWd$yTHRxi*HS{pGsxlcokevRd1n->ETWrdJuSKTIGe6^;#}uy#bNz zO5S1dvb#ZWRz<~G5IMR=aAwdICZ(b8m>N^QJ%MCz7ukd%l!tW)S%FB&-Ed>qXMw9Y zDw@Na&aNTO^+rkTi?Iu;JCA#yru)VA|9lxqoo|KSH`)-om81rmIQ;1Bwl7MJ&dO2xx0}Bf z_Qz<}BHI!kW$H5-;`)29wQ+YV5-uflLuzI=5pJY}$#-daG@K~(O(|7>%ZpjUuB{K3 zu-P*U)YJp!MQbo;z2O=Lv(n{jCFsY~Y-iV)%WBZc`RSbZ|UXp+<{4-Ne4`Td|C;%zOK) z?j*Q#w{LV)kuV(S?qn~2<-U2(xWEwOEz1B={Y|0uvnXLM6}A`OOporD&70tM7PS;{ zdvIi2@7=*K9eHfchsDSF$|t*a&KXKW>^$wdc)7auJ6nS19^${e!mc}T#I59& zq3JCTO*G5IOKzK2R1xpWgg`{6|w+B#k`Qb@9c;pG_;i*NVbt338JTM?Y?6)!yz zzP>uFV?#`Ce52Yqi%kKB+)`J0?qk~~_sCYrS3>TA!d$Ogs5EK&`4aBi=Eaq#BsBX7 z79x`9_Srstx5e~SgkBA;1#_Xw*L$htWtA?jDHr)%jm;18A zZwoJxok#cKCJV#D{dI!38T>Bo|}zG z@eJJrknd-qzJ2)K$}-$ns-{D zIrLrUj`McAcN}8*Zlgc&)R(J!GfsiGM3I=UW0}?2-pnk?uvmBhu9n5-5=C}S@A?6a z#jFn_vO^DRDw{vgAMmZHL-AP6j9%Z8V0e9A7WsN!>CME#51PV!Yu+^&xZWsQcICze zTZu9Sww1~r>x-rH-JyRH1nN7Ou{o+TX>?XlRA)~Qdk2PqHbdcXbQK2oPv_dBPOI+K zPf#P8ED~*8sf;Z+k!w)1?r0LV($p&@DI~!mOYr#!zP7mevm>7zMN{T}PAX&C_k`)i zP>CV^GAarbAy*NmrQYFTdxf_F&$91#-My}f8}O zVb-Zg!?T%V68ii%nX?o>5z=yTbNxbN+^q;OlOKLD@Dch2Jd zW4<$draYqy+l?)&H;a4~`Et6ZPHGmybqT^$oaxbb^;yc3yl(3f#0`AS`@9PtWqh@HHj>34%HHjfJQJs0t7pM;*y6%rgPG!r2dAHg=U;cPe3bZM z`{@(}xRpQnX zN@w&>U7j>J%4Q{!Vft45{1`@AwCIzKQOH!~*4~ke`MbYoEe<87&I(;0$nAS)DQuc? zy6C-XFve{IVMm?ce5y0De7ATr z#asS`;%62{CX5nEw_uQv>Ud&AU^d^&v@6A>40P7g#Y$;^5(oz-cm~%bQQ^d9pcHf z9%?V2?HKpsRpc0?uN?KMtTFKXQa@$Qoc&bZy4-_7l_}MC$d;a}sgdb9Rny?}AzpE@ zZM$n@^%_cNZA2AJZuAtB>tw_D88#7Z8mK6UY;YE)+Xd{MjkD^E_L6!f#Z-|5~E zx?Q(Sbd=sm>9BlrqPL!0%Ldih(%0OzGh3g%M)F;a&iu&aCr>i0Ysh~7x>fxwYNzubplh&A#(OrGa>1 z;yWL2_3>A0DE4{-@6`u;n491*tqe!a8ObYx7Y%P<39Ay$ ziioyW$EhVpSh43ji8!(A$pVe;?! zRdgyBFEhK=4XJ($JP{bJ#MJ1szxiY@tIE)gE?iwaX7KbEQpzJ&+M9f9=?Z?bBRK5)xyccGNP(Q>qJQ z+h!i0={J3!nR`Y;(oGPY?lRsIO1=?dV?@fT4Q8lnaF(?E9zs(%CLgxOT-O^Rud*lD zwfLUOzDI`7K#HMjLvN}#LMWS_>Ou(1^)&`vcjSp)ykP_oijPppglQCz9Z?1xbaqHefy}osJEVu1Yrp+RexgNw!NX#hr+>5@{ zN)23^3o(=#D^a{<>mz+arndxFZO&jL_8Y4QnPyLvV7WEabIJDU4aldJZ4=AA46ai` zEV~Tpmr8x+%m$~G1iUUrCzC&3U3mMs^MQ1oky5;7?d^qFx5EYU2u*M8L$k4DyXJ~E zjZ1yBcqJOQ>r_{Vf)-?5bjbW+AGl)P;PM4DmY!6%PS8Zfnyqn;id%26i6)>|8u?c1T&_wVAWBECD|;brr9-xJmW&}m1HjE+Um41C^?Tmhh3g$X!7ESPr+38f{yo>gI{#Y zr?T!h-F1As@r2VC@u{QdwwmsL;dtz!gXa^sV?1Ar%c`#AzdbR~y&s!HJ5?kwxky*! zD}Ul&MZm2$EW~10?$4yni19noES-ypP+O{r*_muXgU8>O$a=f!=!)Gt6-Rs;HHAZ^ z5(Z4&UO&}#%4zs`t)%PZwC+Hge6(AemQ8zVgR`d82)aqJDPnqHo?md`N>_U&LkqHh zj(^XGBBoCDmQ&cOMv3@FiMDdv38CWPK=VtDMLVCpIklwR?8_IyduNBsUF5=8$&SD~ zm$aTMISo`?D5xK@47-R5XgMMikMSUBy4g7& zztqzFb@bVpeA@lvEu>3w8x}Go8fbQ9cDY}Kezv{aei_4FaP{3T(VM0`0q@&wDr@S_ z>tU?tv|{gbcTY5Adq2 z&fLq^UZktb^QabKl-I_s|15PrGdA<#`pm*sy%i#Ht&;mS2T?1 zM7`%WTu`1J_@w%tb+2sI3JK8GuNE(>IG-yDqi zNQ!pUIaGeFlO#TS>kHGS6Fj5Q#@sO{$HF%{3C)Po*av^@x3{!J7IW}F(Tid*qkZV^ z$%(>gRlGmG<(XwGUd33a|6aRVeeAt?f?Nht@5n*AT=p}3KQ}(;Z!1sI*vUN`a{X@f z4)-vQT;s_d>>y`IYi=sTOj%@i>@=13c7c#$OH3VKV*jDY`%C=$`y~+cyZ3IppzSSk zTu<(kV;+4V>D-v{4(VsLN>TEhc@gS7P>38Jy9tlgPTR@&_>8q*fToU{DOMNxg( z&wgH;KxL|_&#MV3%%B*re3~WnG=J>9*eLsx&{yJ+BDJkH$ZQYWyM(B^SsoKtlxfq+ zy#`w~?7GuC+EOt$w+!DfJbuMJ#iI1Mzal-`jmxAG#?T@UyZ2HvEDgI4RJXFKBV{9RwYj!*W4T?&|sI4-X?TfId* zOUAR`GHA=0v)Lk4<(~~SCSTfW^_|+sEq&0_p~qh0j>@;4P^#bT0lCi!oI~51`L+hH zLEn0#EZLRj79Up*(?=6r(8EZuvYkGwuLTYC*T zE*hG8am@N$mqjrGNpl08oW@cltnxl78fy^x#b^I()7jhZhnz>ZPstDp=B<1V)CLn+Hx_6|wpCeJjFGzL3vu-*08Q?*5- zmtS|U8i(EYM4s_WCfD4Dr^O)4$5&3~lI^2eQ>n!7l(5F67xw2wok&S4-uiGR?$Sr= zd;4STOsuU3Xak*k*!zbPPjg@=d-)IV<#1C`dY5O4xo*nOX6Sr$<^{&=Q!haKuM zhVuh;QQMuPdg)`{JBG6d)R@tq4_`|)cArZZ-;?-}PN9RE=Jw)H(&-1mucYE^20j>w ze(ZI!pxQe^}Ih$6=C@t>7Ix)u3r)pe>k6Ja)Ip%2wR8c?K!PVy?%+A8u z&^?Ko4Qx3A98}flXHAzpO~J?U976h{xO$Vld?564Mj_J3&I4rLsk@Sw zH)nfDK6d6HV^G@6%frqSfrOI}4eiK2u9T!e859bR5y0P{7RUxvxAP@Yk`({H(O9}V zl3jcuaIQ;97c}>?CsUFx;nYhkNLzHV^MTVQK@Un2TWvtq+KE7nQ3xrxGNPRg+ zQ5r3WgQPK70>BHFFcCw9_9Kv5o* zAfz|R$JNUb0!LiPAd-(4g!J+RoFE5)7TLvz1lmp@$r1c_^#^TVzyYK$$)5z6LUMI> z0V$oHuHXRz9zv=?;G72uQayDbSt5iqhUCCNW{?~hWDi7?g^+d-8ZZt?0u`7o$T4++ zkgniD4uNzB>5kxGPcS@a;UFX!(HBqvA^jkvKZFc`=d_%m`e$aq0U{0Te(?l@r<^VP z&eQnYk;3AJ(>p0VqKNW;a1LaPl1UzWfPmnnOlM!fEd_&zvz>L9Tc$g|cIZP3(2EWDiy9U%EeiK5$fRhECfZ>D5 zhxOnOez+G5q$m@>1YiHb0uzNoAt?8LAs`Zn(C-2(!mNmxbbYU<(g8OKDS# zI~qRw0R1QqfRc{{68M*01Q0ys7Hs%2zx>v+UjUjwxkIu4xL+4)5Ks&XSO>zufgM1k z4Rn7QW(;9|4QmGYzYL@J70RnDKmhD^fJ`X}_P~yc(y{}}54V8JfdCgMFlVsPmRqhs zpO#xL5LhFWyY3K>9Hj;D{Tj#%aSdhahU0<&PB9KqB97pZ4eD2c!e=lCa4~ zs-b^(1Mc9L>-(qMU(Vq#@&7k2O!cqShW~&t@&5pSyB5m#6JCD6Ujpj%T^-?wf%2J! z8T`q^G9Am`hWv*RET2CZks9D*1+uG`rzZR@hnS{328G6>a2PZik3r$l(kPrL3MDE| z`9Q?c&jEb>Am(95_ICFoySv&$-i}U?y`6&_aCo2#1r>%R0 z-=i{KKF;EQu_Mrj{{0yPg&_cExEdyh`WGMZA6}ub7}t88aQJ^@i2^M6hh`j+_|F)4j2tjdE62d&*MJd$BU{yv zfPu~D%4dO}TP+V1K^8VnEBnc!@c-~x76-if>V5=xrLKBb4mMq@U_=lIt%Av6{^fxj z?jLz;Ue_gDCsYdIKscyP7@_8^BIz1hhd^?Utz9p}8yc+RuV^E~hKeh3?>Yf7VKa0uZG15kM_0u7-c9|w1Y zf&zpzJK#%(kZSf6dru!12x(;RLJoj1V1fy>YZrp-?F3Jh{bPZZp@TcwkpdB^bHD-$ zh3xMQ;o(OF(#YS((UeSqtN|!>O#q%8LV=JvUI47>uUhR_tpn|YkQyNrEmMj;g$&`A z0GPVkJGptgK!hdmnm*nX2up4MhYlJAI+h90^7je!gn+(Sg&#F@B>)JA?ky4ft6A4mN|j~;YE%qIGN z4>GJV)^jf{?0ec!{%p4|W7d|lQ?!>)Zf|4qpW2KzoF7gU>&hs85N}A|ml&eu-uC3VQ-Cj8Xvs2oOXV_<7*Dw##|KLA=5J2B7MsqWNpkVvZ{imDR zqGo8=I-g%%OpXcCTTq~*&GmzBctyW=xN9QYe3W1JeD+m_9Slh>3g;$|Mt`s081-E< zvdFe8J2o~~RtV`VEwjPWq&8;eU0n~p=k1mo4_Y%7=qxuqo~wOflW^wB^)13D7!UJ) zIH-@4a%a9ZnfiWn%VCRWvgAT(-p6~2lPY37Hl6c$EuCH6EanwBEI)nu+bv2!dIMWe zX0!|vqr0)D7lzTMy z)@{CbH=Wl%8(R}H;?|NGB{6&Qr_Rx!?E9=sq6|M1zVwaOd^=+ebq}SMU5+)4J^2Dq(Cgi1fT%7?YV@s~WoA7RnHrXE?7N;x3g=U3wii1Q>FojMriZO@ID`(j4 z-n4ahuzmKugKQIR?B9752OgYelkd&%K38V&e0ROisnRFD4BsUVOyuC|huGu;w)eci zefzp;|J%VDnd_GDQ1ETFUWeL}>qjGQ7>>H-MOYua=sRKUGLE;Qz16-oU6Ju%lg)T% zc&C8dc%a}OGFX=luagT14^Al?oOHMSV49Yc?&CkQ`Ex^H@%~1h$?`|3GF)e#`96`a z+RkN{dvK<`y1Bt)-<8X+5c7dw*sdMfCgX#ccD9{1y=q7*yYbyh*LUAX!6tJ6H8d@K zzS+~`Ly*e{NBeXU+b5**M|F=GJ|iwg*`6Oa-?WD#_#3C~#X8=Exr^AT&7fEK5+3!c zs=fL6r<0Dxn3nj8{C@jaeN#j8^W*PFCgLA<%L_N$eytXs9^CCAj;W{(bJTz8Ag(ka zeJ`(WMDYoW4t19HNL?Aw9ukOaiZ3Czcvmkg1N?wcvge1N7thtW>QwVe9VG7Cu4>9q{NAFQ@$+hT ztZ;oltdV(pt4p4-NfDIZtP81v2p1A~td`^@AhOEFe+C8r%cIGnR&1=1RJY+aidj9Z z*p5C@#QC&XX4Szh(Cz_W!`iUxa-0~`LHoFP`g~TYIMXS{oB})ibxo6Fr#=;2@wN?& z9tkxq|2)SeVHgzTr`XlOKf4NEYxT6Gm3ZkNQ{lV~G1E=d3mO`!-(RGJK3KFZf5dk4 zw!yjtUX7Spyt^)H{5pom!$>?kmTqs|1;%rW3MeozscD|cM_DAs& z?cTW^+l;3S#T3hAszx^nPv(RNhP`VrO>SbczA(>&3{% zap~c+X*2ElTNbwDjZMl|c@K%Y2MPB2^I#rT;aWB^b7^c-IG|DN`?~6Ja37BIku!@y z7VRYir6e{QJHh>XqCQci%Wm=1iun0fL3y})_>f3JyGOG{g zWUDfaSVi?ws%pOq=vlqFa(GI@p11Fiem=hRuyb{?qf=wZ++Dqd*tkYcqmvPt>&s3Y ze>kvSs8~xsXzXsKHDO|hdcgu#D&tOz*iPDb1IL|+2UnstMw4z{NxV72LgKxBgnTMj ziq*?ixGpp~_V)d}sv`U5C;3liellrThZU?M1vrvllN7KkEhpZDbm@gM>&FPhJ}4@v zD{qvcG;;i9T!t+|t=b|nH<>rnZGpVQTsmFm)|if0!j|c|Hbeqfnx*iwBGy!+1%+6% zTP_{-4Uh9SLb{oV^z^hAVV0k)CkAB%Mjbtrjtd1VhT54Y9py7@GtgZ<-@@Q|U^?SxMp*C}%bu;9got22#XOX}gsWNp&>te*5m6;XPJ0_sx zn{>=5H7Y3jnKmn_inp!=`E^f5_Ik?LQNi(Zw>fn>^BnfceP!Q8kt(@Gc++t?dG}Xs zNe{he!38>Qor39?PH6ZLeIgXEE6>QZAKc#sshB<%a|^#;cFIvKm!BLPERf5JYY~X= z8pu!d{h1Qmj&!%A2j6-M<`2h zh1z{xd@_IF=XW}Rt5IgFhz5TDT8n7V1ni2Vr=KFv)`((N3qBpg#|(XV({sRt;y!W9 z!k_cZp*u|NDPn;E%+9aQ?5H2SeN=iYx#ilK3x;pzMc>vYL_{qdtv!<_5m!~p*c_#K zMxOFHttuxhTEEfCm$R^N;;OQ!g4D@=iyGt1D`B6~#|3pRJ}Y?0lEfVC!a8<^^-A4I zLjl@1HO0lYx#I6nKE-a&zBZ|SQq}3m-u5}a58N(ci!@3fWwEQ!3cswbg;orHrPEY2 z(eVeg)_vm%Ul*)1p>tkzbn(f$*+(Zh9204ni-V80_s_dY?ui_3k&)LGycW*nmHsWU zjH%E&rc<~@*z(Ap_R-xbR@E6fR;NqZ+I#RN=JR(AJN5M9cW%^e)lp2m61ksg?o8y( z!WnC)?*)#B9$2U8F`U{wo>`Fb^orT(&BNPpFET7n=LC_Nq>d4tibMjxet!6dNf%Xw zBa_{u8f4mfnIMY&g*eDWWKIm z!-Kh+_w{tFfu!Ir5|M(^H_wl4y<#$C71rarfv+~M{(*03n&0BW_Ik;|CllMB%{V)) z!ppVBLKqxwrQR6pc;BP)^80O?tP4#C3={L8E!yhJZPH_p+qCC3XRxS9sz>hi9N}5)B?w*&H}ZY_OQU7(erV5zUhzZpUk45ga1@b3dD4D9V}DZ9`|0ts z&ioR#Z8@CnqFwH;2IsSPRGr;+t<cE5rr7#iwu8nXnXBDZvA-hs$h7Hc z8`b@K_tw{a`eb!PU&>S9L8RH&d($%)iEn(0YqC_E84~VupBU^3IXoW*e?s|1pIol#P1x=vXM6+2SM4)$^PFocSzc0nr;)p_c(bwf8&D zM1sco;R*c!UE

g*p$t_VQ%O%c5w6IB128JG{Z~v^==&~zb_h!?V zlKuqsT4Za=!(83<`ndky%dOnq3WUOxZb-$%CdPxDGWPyN0Uaj_eN9R^$nspCuv^Q6 zMQr}m0xj)x)6!L#v)0fOgIO7#Xr$;S)9v6;o6Ebab>^pUesbl9frIiga=o5cgvFj< zZ_sgtO||M}c-K2!m+#~`J;aX+nBSf4c~9@1fsIhcCGH`!)6B^ogZ1yvB!sDV7vwYS z>FeI$PV1635;GPfGn&Lh>~6cL`L=7e;0Z^ATk!TL2jahIzZq;aYv?BRb=M^_yRq!) zt8Pf~eDYhzBi3!O!ZpBLu+(yYrm#AMChFq~?xc5s^# z`V&@4v2FN~(#VZAGwueSvXj|Hd=5iDT@N7| zi178*W1a3MoK0?2Icc^jSf5+!5>FSlb57rU7Ia$oL(V3mWBpQTPei_+SA6qv;X7SPku~os3|wo(Ph9zu zg{?vv1KUdDfDOPh1PJNIf|m**7VH^inG+0FP<+Sz`yA~U0@?(H!!cCqbsanFfI6nU zM>j=#)(`7n>9zisFkK(F-<-V4zI#a#qhNz&8H8~IEiM?{T$ncX|ssZ zNuUu!2If>2D?n}{>lb^6h8*PI20zX3>bzZ}j^yeP?>Q@ZZ$M+AGUr%rrCd{4BkGj( zY)RhHIQ{h8Q3+lCYb^PVH3_3x5%<`MxDuwoW4d=Yyy$b?gXr=NT$I15)gO#k;5%vd z;St|)K4YGdg&l_H;@|In9j+j@!zK)+$;&xx+N+#gWpit%# zV5p&tH(wVAyVDJ`c?085WB0KQpLVZT11%#%KKoX&BWVQv-HLk%5od?uS%Zez11t^IM9$ zHGN}u>{UwJ%b9)Twk~T$hRiF>B${VvG2 zyS@>dL|Vt!wAZ)zVa^wur^9(nq8!~`8BI6+B26V0tHrG)-aXUcx}rTCovx1?l2TGjbLc#iVLXSbNuKqqOw|g!-`1Z; zlFsQLKR>1y&Tb`=WBgY9)F@_`Xz7fNLBx2~*52WBMdsh~ehj8&O$*jMKil`-QrI}> zSl{`S>k5lWr>B0>C7;yL1Id%NfTjf*5gTq~3HjlqTFz zmEqH7z1L1##Tr#DoELM%S{0{~5o5(spXGoOX2Yw~3svqZB-0BCFzlIzRIik3}(SKi4Z0`o8!KD6XfhndsD6~6fRfUqGtU(CsOY6!B0CT zxE3WOM!oH6Wy;2t7fiNKJv!cR{2}-3aS2I}ZSK!*G1m!ZT#c|XAm`PFF;(Ank+l34 zL02*=7qtqlYYhzlQd;b4e9z*rkm1vlV(MJio8^lT%x9!I9l=_&%BE|N{r<91Ms*v( z9SJxpEW_R5W5k}0qK=?$ULLuaAH0?L-ik&_JeN z5uUq`n2Jak;huZZmsO>PJK;)-WWh?5ZQ1%zmyqi#!Bu-^pb`6ZgBOL)B7R$iHFUqw z?#WfizlD7h>zy2~qk^ov^%)m0`p=mROehNYoI8?1nY^^{cDAEOy52xBS-tk=LZXLX zu^d9(SJQnukz(Ie*{W99M~_#e^QfV@G#I)-bk(BpM}6W-c!MhvP+NR_z2zfae4@!J z7mL`nMt^7mdZi^v(dBG}SV8ossx_&_7@kk5-92&Z;tu_)sPh%djKQMxr8Nv(y$nb% z-CCAi*6X{QL*5a*@tni-fl(HPZ(K7>B5pLfWm2YG2?3HU7rC}NvxR09@Sow3;~5+~ zH|$?L-o2pZ``PxhR>gQ;*S*_LZ`lqze-X^XyO<_HR@dj+9DyZtU^;iKg?JyOWp8J7XubpSQ{#@o3esY0J9nqAoRzzNc_6 zX5#rg|F(q-oo!W2&B*>aev40~>pN7Nk7BDEC6XH@S}W{63YLY1m=-pc?tJ>@=;E%X z0KORB1|iqm$c52zp^%0`jc1C^&#SH3v)r^Yxw8(9xpj98>wc87Y|G8OHaC44d3wBve&4%ha-rv za$+^Fk?u$ehZBNA{iko{?qP2$)z;>DSc@f*GtN-2Rdgybn9quIymEMiA`6$ zi~k@xssC>Nv_f_1JL@x-Su!G&Yh+L97@;FBJ46@c1sxR3+w^J|zgCX8ke`D$;?o>I zjdO$L_2xGWFKCGeR-tmOQ5zQAqOZ6cH?H$*La~0tGw@BGn$N@?54ha^{MH6#c^>=C z^vY%RPP=c|d`L5|ygRHF|AAY7VV7O;cec+dZ{BU|-%)G&I4f)ubH_b}qGT)mtg!10 z(MVSPgd4FlbIk7~84FNc(X~x4m6WS?qTGBZO;bEB?sZ6DQ;_1ds*>!yxLMq+)jV9D zaD$1#->>Tad4XK+YXdQpa7vWUA?!=P zgQX?1Y$N|;op>e_`UjrgoG6?|<%dICo?5oxl?=7|@3g7hO1v{qkj+8r9I$0L%W<6V zCtFW{YekycPVVW5n%hT&Jfk+AH5?P-0QnOdbK^NCyF|2CQi8U)Jt;#|HWx ztZEZxL!8t6yGrBx@}K^^{1KI_qB^f4C_jZ_zA!UQxZgC{d#;iAlh9Z0m?^crHq^v| z{e4P&{WOn}8_M`z>>jk{>L0q`nQ3=#6`_=R0a^}cVFZ&Nt zQ>=H*_g`<>pp>F}G5Dr=!$DP3)QMG;YOOJ#?8;Xud{W&;@Tp2I%t8@9f@oDr+wv(`upOInGL zqKU3I1Nd0dBYs`EXj0!lzjSc?#X;+non~bSB;8eX#tGI^VWkggN3eR4pZ)i}HlDue z>FzSJV_b$%Ja6T1TO0S(zc<&R!cd?M*;;L8b=KlVf!b887#BN@^s8uwp$37)DZY|B zPp-uJH-BvaJuMk_soS@9aykH?p>VP9NfYpQC>;_1H%2STDcdo{b(#ith`IF*U~g z?D{U@Q!g+kGra)pgVq=AYA!vhqINq+bh1Z%g@*E9ITvoyT?$|A#!YC_p^a@7)4 zO*j7l3OofuEg_`3l&>X?mc>ER7%Tz61xJ{KAwl~PNDXh0SOuq&DJUS2>Tb@?WH=8D zq-|M4AZ$T`yf8;#H3<;Xm+bH6;{<_w6l5sb-v>hacmqyQfQ4r3XOQp({<;N$ zb^zc2GJqUJ223HlxwwM#Hg7kufB+z=Lf|q13DVxQAR-Au8bY#QBNIp#3|T-VB80Su z(13ABGN^D6(iK9wffm@;6M+WbdXe5>Z;$~7hQM|KV0#D|2qA+YWH3z7QmWo>vViwP z>e>Hd2nJ7mdtJ_2_|tg9vWD~As0^aY@qe%lq|H&tUKT()aCVwY0ALjYX{EhHC>~tZ z{lWqk$RA2X1^fS_LHhO~ROtha!vVIa+57$iO9Xd?NF9)X=;o;6?czy>H&f`}m70RvJ7u^_tuE_i?^ zJPyytg7*SyjU~eK|5rgQk7L1HxWF)$3m$k}Gzw+_PZLxorV@iC zBH$WE0wxMB1YkShwRk}I5)3dG>`QH9aexuB)Pe_x0dAAPXAA=9C!jHaz@>e0U|&22 zFb231cnl9}S->o~rWTNN2{Qv`0$juUQ-uaI5a0k9N@W%vtf4Yx89BJ7Y8t!~4t_wv zEP~O7NrP)psPcffTPg_rFPZ%YwbTFzE`h)Rior5Gj1|Bf#t2q}WpORn09(W|B2)-C zBA5iM9*jP$2fyLNv*1puG66{N^KU3HQYaLHI`#_yi9mvu3#(PQd!`XMypeJ_8uAZY&onjf-TxZd~MIQ$tzQSCEC&C@dZZQwy>2i57o<{faB z+NN4|H2h`{=25LbH9H4nGB5cDAb9E!Z1pj}oYs<40GdD@p&EZ+(5Mfp5Ks(iOAErl zQ4|2A33Pv{&k(}=+SUZ{f2oh^RHz?I00OYj0WzfmuzKA8rAE0|72j``o}m zTWYxieOhXHLg0*0M*);y8+n6+wbT~?R19t*fN#P5+9MFc{DMb;r~yB~As7N5YN=3y zAaJ`xZ7rF9;49&$|LpOfUPcq>^wPTj#^LAX&+IDbr5tS)(6{W#e&>E89f4zn0V7o~ z%hQ0H{N?cenf3gTg=Oz;_K-{@pN;5e4U&j2YW{k;O4*-Dku<`{W$|9@5^ANAXf^-R}P8%Z>fxr zzl-=E>_kYXXtkyd@kT0$op3x8XyT2W@R5*mH-6!cOU7W zwP+GBCx6WYuh4+m?_U-RJj=kGpQ z*e0!<2W~w6?IXbE>aTgSz}^4VheQ9%Qyd=k4}LhpKRiVNw)_JR4+qa^4ia>-7%1YXR>;9*Yhyp(QuX#ia>YsgyIMTmsiLgapxrgj3vXsSw z(CP1a#DD3PC4qSGuX!YJy8h|I{Cl>5vG@ZQiod;^C)uC+KRP?ENX! -2015-04-21 14:39:50,032 - __main__ - INFO - learn=False -2015-04-21 14:39:50,032 - __main__ - INFO - NG=20 -2015-04-21 14:39:50,032 - __main__ - INFO - nruns=10 -2015-04-21 14:39:50,033 - __main__ - INFO - pm=0.033 -2015-04-21 14:39:50,033 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:39:50,033 - __main__ - INFO - Starting run 0... -2015-04-21 14:39:50,033 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:39:50,034 - __main__ - INFO - Initialization Complete. -2015-04-21 14:39:50,034 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:39:50,036 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:39:50,036 - __main__ - INFO - Generation 0 running... -2015-04-21 14:39:50,036 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:39:50,036 - __main__ - DEBUG - Getting fitness of generation 0 -2015-04-21 14:39:50,036 - __main__ - DEBUG - Sum of bitstring at 0 of population: 407020034 -2015-04-21 14:39:50,036 - __main__ - DEBUG - Fitness Value at index 0 in population: 77324524128297631780700160.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 1 of population: 743392435 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 1 in population: 31647002175104167400204926976.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1029749442 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 2 in population: 833901735858458584585672327168.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 3 of population: 736960592 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 3 in population: 29065053138587189737441722368.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 4 of population: 340930267 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 4 in population: 13147210297489166757265408.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 5 of population: 489510425 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 5 in population: 482902181032368673612890112.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 6 of population: 668293713 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 6 in population: 11000041493002582443656478720.000000 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 7 of population: 875735 -2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 7 in population: 0.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 8 of population: 946269475 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 8 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 9 of population: 419435383 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 9 in population: 104857600000000000000000000.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 10 of population: 6270630 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 10 in population: 9765625.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 11 of population: 470328920 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 11 in population: 325671789091273746650497024.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 12 of population: 116006370 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 12 in population: 259374246010000015360.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 13 of population: 21088063 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 13 in population: 10240000000000.000000 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 14 of population: 765906283 -2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 14 in population: 42976258297035576023978082304.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 15 of population: 510648777 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 15 in population: 735127539396457040304930816.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 16 of population: 722673316 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 16 in population: 24109722907876309172905574400.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 17 of population: 881248974 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 17 in population: 174901228765980934990335049728.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 18 of population: 648556056 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 18 in population: 8126148432270444213626208256.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 19 of population: 738582091 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 19 in population: 29903814596611567588344856576.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 20 of population: 754437714 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 20 in population: 36922313359187619275130011648.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 21 of population: 694200517 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 21 in population: 16165155788569249311897944064.000000 -2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 22 of population: 543844899 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 22 in population: 1390905413566710466832498688.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 23 of population: 622452112 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 23 in population: 5377085394484537915875524608.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 24 of population: 54898279 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 24 in population: 144555105949057024.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 25 of population: 573094500 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 25 in population: 2354650353536627423775293440.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 26 of population: 94987502 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 26 in population: 34867844009999998976.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 27 of population: 1033699859 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 27 in population: 859730442259143119716453711872.000000 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 28 of population: 1066459808 -2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 28 in population: 1183612462332409249644578603008.000000 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Sum of bitstring at 29 of population: 708480669 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Fitness Value at index 29 in population: 19635308465447331536331341824.000000 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total fitness from step 1: 3669063155102840667047897071616.000000 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.000021 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.000021 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.008625 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.008646 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.227279 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.235926 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.007922 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.243847 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.000004 -2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.243851 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.000132 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.243982 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.002998 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.246981 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.000000 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.246981 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.097165 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.344146 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000029 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.344174 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.000000 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.344174 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.000089 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.344263 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.000000 -2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.344263 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.000000 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.344263 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.011713 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.355976 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.000200 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.356176 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.006571 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.362748 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.047669 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.410417 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.002215 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.412631 -2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.008150 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.420782 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.010063 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.430845 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.004406 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.435251 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000379 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.435630 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.001466 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.437095 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.000000 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.437095 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.000642 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.437737 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.000000 -2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.437737 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.234319 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.672056 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.322593 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.994648 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.005352 -2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 -2015-04-21 14:39:50,045 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 2: 111101011000001011101011000010 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101101011 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 27: 111101100111010000001000010011 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.994648 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100001110001010100000 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 2: 111101011000001011101011000010 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 -2015-04-21 14:39:50,057 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101101011 -2015-04-21 14:39:50,057 - __main__ - DEBUG - 2: selected individuval from population at 14: 101101101001101100110101101011 -2015-04-21 14:39:50,057 - __main__ - DEBUG - 1: parents[0][0]: 0b101101101001101100110101101011 -2015-04-21 14:39:50,057 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,061 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Population at 2: 111101011000001011101011000010 -2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Rand Num: 0.510108 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 27: 111101100111010000001000010011 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: selected individuval from population at 27: 111101100111010000001000010011 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: parents[0][0]: 0b111101100111010000001000010011 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: rand num: 0.052255 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: rand num: 0.052255 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: population at 2: 111101011000001011101011000010 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: selected individuval from population at 2: 111101011000001011101011000010 -2015-04-21 14:39:50,069 - __main__ - DEBUG - 1: parents[0][0]: 0b111101011000001011101011000010 -2015-04-21 14:39:50,069 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,073 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Rand Num: 0.587510 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Population at 27: 111100100111010000001000010011 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: selected individuval from population at 27: 111100100111010000001000010011 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: parents[0][0]: 0b111100100111010000001000010011 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 27: 111100100111010000001000010011 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.538382 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.123777 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.123777 -2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,092 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,092 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001011101011001010 -2015-04-21 14:39:50,092 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,095 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: Population at 27: 111100000111010000001000110001 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: selected individuval from population at 27: 111100000111010000001000110001 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: parents[0][0]: 0b111100000111010000001000110001 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: rand num: 0.004859 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: selected individuval from population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: parents[0][0]: 0b101100010011110100010010110011 -2015-04-21 14:39:50,103 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,107 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Individual Fit: 0.994648 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Rand Num: 0.973331 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100001110001010100000 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 28: 111111100100001110001010100000 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.842453 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 -2015-04-21 14:39:50,129 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,129 - __main__ - DEBUG - 2: selected individuval from population at 17: 110100100001101100101011001110 -2015-04-21 14:39:50,129 - __main__ - DEBUG - 1: parents[0][0]: 0b110100100001101100101011001110 -2015-04-21 14:39:50,129 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,133 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.994648 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 28: 111111100100000110001010100000 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100000110001010100000 -2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100000110001010100000 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 28: 111111100100000110001010100000 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: rand num: 0.856984 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: rand num: 0.133419 -2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: rand num: 0.133419 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001011101011001010 -2015-04-21 14:39:50,152 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001011101011001010 -2015-04-21 14:39:50,152 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,156 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Rand Num: 0.170384 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Rand Num: 0.170384 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: selected individuval from population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001011101011001010 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 28: 111011100100000110001010100000 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: selected individuval from population at 28: 111011100100000110001010100000 -2015-04-21 14:39:50,164 - __main__ - DEBUG - 1: parents[0][0]: 0b111011100100000110001010100000 -2015-04-21 14:39:50,165 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,168 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Individual Fit: 0.994648 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Rand Num: 0.839518 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: selected individuval from population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: parents[0][0]: 0b111001100100000110001010100000 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: rand num: 0.966367 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: rand num: 0.423170 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: selected individuval from population at 20: 101100111101111100111001010010 -2015-04-21 14:39:50,213 - __main__ - DEBUG - 1: parents[0][0]: 0b101100111101111100111001010010 -2015-04-21 14:39:50,213 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,217 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100000111010000001000110001 -2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000111010000001000110001 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: rand num: 0.041238 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: rand num: 0.041238 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001011101011001010 -2015-04-21 14:39:50,225 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001011101011001010 -2015-04-21 14:39:50,225 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,229 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Population at 27: 001100000010010000001000110001 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Individual Fit: 0.994648 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Rand Num: 0.677273 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: selected individuval from population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: parents[0][0]: 0b111001100100000110001010100000 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.923683 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.984399 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 -2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 -2015-04-21 14:39:50,266 - __main__ - DEBUG - 2: selected individuval from population at 27: 001100000010010000001000110001 -2015-04-21 14:39:50,266 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000010010000001000110001 -2015-04-21 14:39:50,266 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,271 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: Rand Num: 0.392890 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: selected individuval from population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: parents[0][0]: 0b110100000001101100101011001110 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: rand num: 0.218293 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: rand num: 0.218293 -2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001111101011011010 -2015-04-21 14:39:50,280 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001111101011011010 -2015-04-21 14:39:50,280 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,284 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,284 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,284 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101111011010 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Rand Num: 0.659710 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Population at 27: 001100000010000000001000110001 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100000010000000001000110001 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000010000000001000110001 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: rand num: 0.077694 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: rand num: 0.077694 -2015-04-21 14:39:50,293 - __main__ - DEBUG - 2: population at 2: 111000011010001111101111011010 -2015-04-21 14:39:50,293 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001111101111011010 -2015-04-21 14:39:50,293 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001111101111011010 -2015-04-21 14:39:50,293 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,297 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 2: 111000011000001111101111111010 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344174 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 -2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.355976 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.356176 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.362748 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.410417 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.412631 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.420782 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.430845 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.435251 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.435630 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437095 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Individual Fit: 0.437737 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Individual Fit: 0.672056 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Rand Num: 0.612823 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 27: 001100010010000001001000110001 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100010010000001001000110001 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: parents[0][0]: 0b001100010010000001001000110001 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,304 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 2: 111000011000001111101111111010 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: population at 27: 001100010010000001001000110001 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: individual fit: 0.994648 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: rand num: 0.833014 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: population at 28: 111000100100000110001010100001 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: selected individuval from population at 28: 111000100100000110001010100001 -2015-04-21 14:39:50,312 - __main__ - DEBUG - 1: parents[0][0]: 0b111000100100000110001010100001 -2015-04-21 14:39:50,312 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,318 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Individual Fit: 0.235926 -2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 2: 111000011000001111101111111010 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Individual Fit: 0.243847 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Individual Fit: 0.243851 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.243982 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.246981 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Individual Fit: 0.344146 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Rand Num: 0.327640 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: selected individuval from population at 8: 111000011001101110110100100011 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011001101110110100100011 -2015-04-21 14:39:50,321 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: rand num: 0.055945 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: rand num: 0.055945 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: population at 2: 111000011000001111101111111010 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001111101111111010 -2015-04-21 14:39:50,322 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001111101111111010 -2015-04-21 14:39:50,323 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,329 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Individual Fit: 0.008646 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Rand Num: 0.000424 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: selected individuval from population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: parents[0][0]: 0b101100010011110100010010110011 -2015-04-21 14:39:50,329 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.008646 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.235926 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: population at 2: 111000011000011111101111111010 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 -2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.243847 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: individual fit: 0.243851 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: individual fit: 0.243982 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: individual fit: 0.246981 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 -2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344146 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: population at 8: 110000011001101110110000100011 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344174 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: individual fit: 0.344263 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: individual fit: 0.355976 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 -2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.356176 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.362748 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 -2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.410417 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: individual fit: 0.412631 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: individual fit: 0.420782 -2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: individual fit: 0.430845 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: individual fit: 0.435251 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: individual fit: 0.435630 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 -2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437095 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437737 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: individual fit: 0.672056 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: rand num: 0.565906 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: population at 27: 001100010010000001001000110001 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: selected individuval from population at 27: 001100010010000001001000110001 -2015-04-21 14:39:50,341 - __main__ - DEBUG - 1: parents[0][0]: 0b001100010010000001001000110001 -2015-04-21 14:39:50,342 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:39:50,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:39:50,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:39:50,346 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:39:50,346 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 14:39:50,346 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 14:39:50,346 - __main__ - INFO - Average Fitness Value of Generation: 122302105170094691247221374976.000000 -2015-04-21 14:39:50,346 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:39:50,346 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:39:50,347 - __main__ - INFO - Generation 1 running... -2015-04-21 14:39:50,347 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:39:50,347 - __main__ - DEBUG - Getting fitness of generation 1 -2015-04-21 14:39:50,347 - __main__ - DEBUG - Sum of bitstring at 0 of population: 1073627136 -2015-04-21 14:39:50,347 - __main__ - DEBUG - Fitness Value at index 0 in population: 1255325460068093841637107564544.000000 -2015-04-21 14:39:50,347 - __main__ - DEBUG - Sum of bitstring at 1 of population: 754974720 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 1 in population: 37439062426244873140488372224.000000 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1033856000 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 2 in population: 859730442259143119716453711872.000000 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 3 of population: 1029701632 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 3 in population: 833901735858458584585672327168.000000 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1059536896 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 4 in population: 1104622125411204460710708903936.000000 -2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 5 of population: 805306368 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 5 in population: 71385860722424238137224986624.000000 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 6 of population: 1038149632 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 6 in population: 904382075008804525581835173888.000000 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 7 of population: 738197504 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 7 in population: 29903814596611567588344856576.000000 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 8 of population: 1066661888 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 8 in population: 1183612462332409249644578603008.000000 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 9 of population: 881065984 -2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 9 in population: 174901228765980934990335049728.000000 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 10 of population: 1066921984 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 10 in population: 1183612462332409249644578603008.000000 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 11 of population: 945815552 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 11 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 12 of population: 947663872 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 12 in population: 360476952748077286602515152896.000000 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 13 of population: 998244352 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 13 in population: 611462015990466861915791425536.000000 -2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 14 of population: 965763072 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 14 in population: 439133229774881802747480375296.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 15 of population: 754437120 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 15 in population: 36922313359187619275130011648.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 16 of population: 203227136 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 16 in population: 71708904873278933303296.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 17 of population: 946386944 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 17 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 18 of population: 1019752448 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 18 in population: 752770600341972009272249155584.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 19 of population: 0 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 19 in population: 0.000000 -2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 20 of population: 872859648 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 20 in population: 158940019845379829790486298624.000000 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 21 of population: 946403328 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 21 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 22 of population: 213942272 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 22 in population: 124825028607463137476608.000000 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 24 of population: 206051328 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 24 in population: 83668255425284800512000.000000 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 25 of population: 948961280 -2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 25 in population: 368540984833551818564283924480.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1057807360 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 26 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 27 of population: 939524096 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 27 in population: 333487912029464316570108952576.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 28 of population: 743393280 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 28 in population: 31647002175104167400204926976.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 29 of population: 206049280 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 29 in population: 83668255425284800512000.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Total fitness from step 1: 13218142730052326063141264818176.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.094970 -2015-04-21 14:39:50,353 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.094970 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.002832 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.097802 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.065042 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.162844 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.063088 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.225932 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.083569 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.309500 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.005401 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.314901 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.068420 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.383321 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.002262 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.385583 -2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.089545 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.475127 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.013232 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.488359 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.089545 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.577904 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.026971 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.604875 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.027271 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.632146 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.046259 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.678405 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.033222 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.711627 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.002793 -2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.714421 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.000000 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.714421 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.026971 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.741392 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.056950 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.798341 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.000000 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.798341 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.012024 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.810366 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.026971 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.837337 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000000 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.837337 -2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.025230 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.862566 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.000000 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.862566 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.027881 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.890448 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.081928 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.972376 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.025230 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.997606 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.002394 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 1.000000 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.000000 -2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 -2015-04-21 14:39:50,357 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Rand Num: 0.808076 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Population at 20: 110100000001101100100000000000 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: selected individuval from population at 20: 110100000001101100100000000000 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: parents[1][0]: 0b110100000001101100100000000000 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: rand num: 0.355001 -2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: selected individuval from population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,365 - __main__ - DEBUG - 1: parents[1][0]: 0b111101111000001110100000000000 -2015-04-21 14:39:50,365 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,368 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 21: 111000011010001111100000000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: selected individuval from population at 21: 111000011010001111100000000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011010001111100000000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: individual fit: 0.094970 -2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: rand num: 0.055334 -2015-04-21 14:39:50,375 - __main__ - DEBUG - 2: population at 0: 111111111111100100000000000000 -2015-04-21 14:39:50,375 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,378 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: selected individuval from population at 8: 111111100100111111100000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100100111111100000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000000000 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.604875 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.632146 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.678405 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 -2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.711627 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.741392 -2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.810366 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: individual fit: 0.890448 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: prev_individual fit: 0.890448 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: individual fit: 0.972376 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: rand num: 0.968756 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: population at 26: 111111000011001101110000000000 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: selected individuval from population at 26: 111111000011001101110000000000 -2015-04-21 14:39:50,388 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000011001101110000000000 -2015-04-21 14:39:50,388 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,392 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000010000 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.890448 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.972376 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001101110000000000 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000010000 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.604875 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.632146 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.678405 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 -2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.711627 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.741392 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 -2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: rand num: 0.758516 -2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: selected individuval from population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,405 - __main__ - DEBUG - 1: parents[1][0]: 0b111100110010000011000000000000 -2015-04-21 14:39:50,405 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,408 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Rand Num: 0.375154 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: selected individuval from population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: parents[1][0]: 0b111101111000001110100000000000 -2015-04-21 14:39:50,410 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000010000 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: rand num: 0.480411 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: selected individuval from population at 9: 110100100001000000000000000000 -2015-04-21 14:39:50,413 - __main__ - DEBUG - 1: parents[1][0]: 0b110100100001000000000000000000 -2015-04-21 14:39:50,413 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,417 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Rand Num: 0.469028 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000010000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: selected individuval from population at 8: 111111100100111111100000010000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100100111111100000010000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: individual fit: 0.094970 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: rand num: 0.025190 -2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: population at 0: 101111111111100110000000100000 -2015-04-21 14:39:50,419 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,424 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010000 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Individual Fit: 0.890448 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 0.972376 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.972376 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 0.997606 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Population at 27: 111000000000000000000000000000 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.997606 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 1.000000 -2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Population at 28: 101100010011110100100000000000 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Prev_Individual Fit: 1.000000 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Individual Fit: 1.000000 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Rand Num: 0.040321 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Population at 29: 001100010010000001000000000000 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: rand num: 0.248091 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: rand num: 0.248091 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: rand num: 0.248091 -2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: rand num: 0.248091 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,439 - __main__ - DEBUG - 1: parents[1][0]: 0b111111001001110100000000000000 -2015-04-21 14:39:50,439 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,444 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.890448 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Individual Fit: 0.972376 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.972376 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Individual Fit: 0.997606 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 -2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 27: 111000000000000000000000000000 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 1: selected individuval from population at 27: 111000000000000000000000000000 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 1: parents[1][0]: 0b111000000000000000000000000000 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: individual fit: 0.604875 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.632146 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.678405 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 -2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.711627 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: individual fit: 0.741392 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.810366 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.890448 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: prev_individual fit: 0.890448 -2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.972376 -2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: rand num: 0.958214 -2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: selected individuval from population at 26: 111111000111001101110000000000 -2015-04-21 14:39:50,469 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001101110000000000 -2015-04-21 14:39:50,469 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,473 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Individual Fit: 0.890448 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Individual Fit: 0.972376 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Rand Num: 0.948016 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Population at 26: 111111000111001111110000000000 -2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111000111001111110000000000 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001111110000000000 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 -2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.604875 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: individual fit: 0.632146 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 -2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: individual fit: 0.678405 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: individual fit: 0.711627 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: individual fit: 0.741392 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.810366 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.837337 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.862566 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 -2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.890448 -2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: rand num: 0.871390 -2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: selected individuval from population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,495 - __main__ - DEBUG - 1: parents[1][0]: 0b111000100100000000000000000000 -2015-04-21 14:39:50,495 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,499 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Rand Num: 0.406132 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: selected individuval from population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: parents[1][0]: 0b111011100000111111100000010110 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.604875 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.632146 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.678405 -2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.711627 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.714421 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: individual fit: 0.741392 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: individual fit: 0.798341 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: rand num: 0.745040 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: selected individuval from population at 18: 111100110010000011000000000000 -2015-04-21 14:39:50,506 - __main__ - DEBUG - 1: parents[1][0]: 0b111100110010000011000000000000 -2015-04-21 14:39:50,506 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,510 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 8: 111011100100111111100000010110 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 18: 111100100010000011000000000000 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Individual Fit: 0.890448 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Individual Fit: 0.972376 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 26: 111111100111001111110000000000 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111100111001111110000000000 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100111001111110000000000 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,517 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: rand num: 0.382588 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: selected individuval from population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,519 - __main__ - DEBUG - 1: parents[1][0]: 0b011101111000001110100000000000 -2015-04-21 14:39:50,519 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,525 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,525 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,525 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.385583 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.475127 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 8: 111011100100111111100000010110 -2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.488359 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.577904 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.604875 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.632146 -2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.678405 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.711627 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.714421 -2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.741392 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 18: 111100100010000011000000000000 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.798341 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.810366 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.837337 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 -2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Individual Fit: 0.862566 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Rand Num: 0.858467 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: selected individuval from population at 23: 111000000000000000000000000000 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: parents[1][0]: 0b111000000000000000000000000000 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: selected individuval from population at 9: 111100100001000010000000000000 -2015-04-21 14:39:50,534 - __main__ - DEBUG - 1: parents[1][0]: 0b111100100001000010000000000000 -2015-04-21 14:39:50,534 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,538 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Rand Num: 0.162257 -2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Rand Num: 0.162257 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: selected individuval from population at 2: 111101100111110110010000000000 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: parents[1][0]: 0b111101100111110110010000000000 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: individual fit: 0.094970 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: rand num: 0.050023 -2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: population at 0: 111111111111100110010000100000 -2015-04-21 14:39:50,539 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,543 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Population at 2: 111001100111110110010000000000 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.314901 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.383321 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 -2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 1: selected individuval from population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 1: parents[1][0]: 0b011101111000001110100000000000 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 2: 111001100111110110010000000000 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 9: 111100100001100000010000000000 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: selected individuval from population at 10: 111111100101111111000000000000 -2015-04-21 14:39:50,547 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100101111111000000000000 -2015-04-21 14:39:50,547 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,551 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 -2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Individual Fit: 0.097802 -2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Rand Num: 0.245455 -2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.162844 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 2: 111001100111110110010000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.225932 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.309500 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: selected individuval from population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: parents[1][0]: 0b111111001001110100000000000000 -2015-04-21 14:39:50,552 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.097802 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.162844 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 2: 111001100111110110010000000000 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.225932 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.309500 -2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.314901 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.383321 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000100000 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.385583 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.475127 -2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: individual fit: 0.488359 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 9: 111100100001100000010000000000 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: individual fit: 0.577904 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: rand num: 0.564753 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 10: 110111100101111111000000000000 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: selected individuval from population at 10: 110111100101111111000000000000 -2015-04-21 14:39:50,555 - __main__ - DEBUG - 1: parents[1][0]: 0b110111100101111111000000000000 -2015-04-21 14:39:50,555 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:39:50,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:39:50,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:39:50,559 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:39:50,559 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 14:39:50,559 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 14:39:50,559 - __main__ - INFO - Average Fitness Value of Generation: 440604757668410882845124329472.000000 -2015-04-21 14:39:50,559 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:39:50,559 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:39:50,560 - __main__ - INFO - Generation 2 running... -2015-04-21 14:39:50,560 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:39:50,560 - __main__ - DEBUG - Getting fitness of generation 2 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 0 of population: 1073636384 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 0 in population: 1255325460068093841637107564544.000000 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 1 of population: 754974720 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 1 in population: 37439062426244873140488372224.000000 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 2 of population: 966747136 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 2 in population: 439133229774881802747480375296.000000 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 3 of population: 1029701632 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 3 in population: 833901735858458584585672327168.000000 -2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1060061248 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 4 in population: 1104622125411204460710708903936.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 5 of population: 805306368 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 5 in population: 71385860722424238137224986624.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 6 of population: 501278752 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 6 in population: 622700143955215413600583680.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 7 of population: 738197504 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 7 in population: 29903814596611567588344856576.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 8 of population: 999553046 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 8 in population: 617915381969049832467428540416.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 9 of population: 1015415808 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 9 in population: 722359806654877805056719060992.000000 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 10 of population: 934670336 -2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 10 in population: 315338531168471131924975321088.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 11 of population: 945815552 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 11 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 12 of population: 947663872 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 12 in population: 360476952748077286602515152896.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 13 of population: 998244352 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 13 in population: 611462015990466861915791425536.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 14 of population: 965763072 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 14 in population: 439133229774881802747480375296.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 15 of population: 754437120 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 15 in population: 36922313359187619275130011648.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 16 of population: 203227136 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 16 in population: 71708904873278933303296.000000 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 17 of population: 946386944 -2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 17 in population: 356504794933236266369397293056.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 18 of population: 1015558144 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 18 in population: 722359806654877805056719060992.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 19 of population: 0 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 19 in population: 0.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 20 of population: 873388160 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 20 in population: 158940019845379829790486298624.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 21 of population: 945354752 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 21 in population: 352572073521829551016505245696.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 22 of population: 213942272 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 22 in population: 124825028607463137476608.000000 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524352 -2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 24 of population: 206051328 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 24 in population: 83668255425284800512000.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 25 of population: 948961280 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 25 in population: 368540984833551818564283924480.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1067252736 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 26 in population: 1183612462332409249644578603008.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 27 of population: 939524096 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 27 in population: 333487912029464316570108952576.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 28 of population: 743393280 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 28 in population: 31647002175104167400204926976.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 29 of population: 206049280 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 29 in population: 83668255425284800512000.000000 -2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 30 of population: 872841216 -2015-04-21 14:41:47,833 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:41:47,833 - __main__ - INFO - Program Arguments: -2015-04-21 14:41:47,834 - __main__ - INFO - plot=True -2015-04-21 14:41:47,834 - __main__ - INFO - autoscale=True -2015-04-21 14:41:47,834 - __main__ - INFO - G=10 -2015-04-21 14:41:47,834 - __main__ - INFO - l=20 -2015-04-21 14:41:47,834 - __main__ - INFO - experiment_number=1 -2015-04-21 14:41:47,834 - __main__ - INFO - N=30 -2015-04-21 14:41:47,834 - __main__ - INFO - pc=0.6 -2015-04-21 14:41:47,834 - __main__ - INFO - ce=False -2015-04-21 14:41:47,834 - __main__ - INFO - ff= -2015-04-21 14:41:47,834 - __main__ - INFO - learn=False -2015-04-21 14:41:47,834 - __main__ - INFO - NG=20 -2015-04-21 14:41:47,835 - __main__ - INFO - nruns=10 -2015-04-21 14:41:47,835 - __main__ - INFO - pm=0.033 -2015-04-21 14:41:47,835 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:41:47,835 - __main__ - INFO - Starting run 0... -2015-04-21 14:41:47,835 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:41:47,837 - __main__ - INFO - Initialization Complete. -2015-04-21 14:41:47,837 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:41:47,839 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:41:47,839 - __main__ - INFO - Generation 0 running... -2015-04-21 14:41:47,840 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:41:47,840 - __main__ - DEBUG - Getting fitness of generation 0 -2015-04-21 14:41:47,840 - __main__ - DEBUG - Sum of bitstring at 0 of population: 97497794 -2015-04-21 14:41:47,840 - __main__ - DEBUG - Fitness Value at index 0 in population: 43438845422363213824.000000 -2015-04-21 14:41:47,840 - __main__ - DEBUG - Sum of bitstring at 1 of population: 936036505 -2015-04-21 14:41:47,840 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 2 of population: 213766837 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 2 in population: 118839380482575376056320.000000 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 3 of population: 297448372 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 3 in population: 3295067800663118642675712.000000 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 4 of population: 490782554 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 4 in population: 504032488508074325004255232.000000 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 5 of population: 549689379 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 5 in population: 1560676423939251045387993088.000000 -2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 6 of population: 178490879 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 6 in population: 20159939004489999056896.000000 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 7 of population: 637737484 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 7 in population: 6902966928504101241119309824.000000 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 8 of population: 397969884 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 8 in population: 61149385863482169559613440.000000 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 9 of population: 308762218 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 9 in population: 4824733217390275413934080.000000 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 10 of population: 413161926 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 10 in population: 90149270822232319915458560.000000 -2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 11 of population: 71990706 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 11 in population: 2113922820157210624.000000 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 12 of population: 524816467 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 12 in population: 976562500000000019418578944.000000 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 13 of population: 216278379 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 13 in population: 137617037244838078054400.000000 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 14 of population: 474410879 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 14 in population: 355946189545508497055023104.000000 -2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 15 of population: 1057655472 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 15 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 16 of population: 989863458 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 16 in population: 561978813405172455214948548608.000000 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 17 of population: 109245840 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 17 in population: 148024428491834392576.000000 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 18 of population: 581170478 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 18 in population: 2723313552282337107035291648.000000 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 19 of population: 468308024 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 19 in population: 311421496354978248051916800.000000 -2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 20 of population: 374981268 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 20 in population: 33626538312268513867202560.000000 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 21 of population: 513917210 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 21 in population: 797922662976120013824458752.000000 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 22 of population: 400027044 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 22 in population: 64453982490130813183590400.000000 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 23 of population: 302290389 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 23 in population: 3925770232266214525108224.000000 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 24 of population: 748968364 -2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 24 in population: 34433575231762958200015421440.000000 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 25 of population: 451654944 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 25 in population: 216114823132842496152829952.000000 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 26 of population: 997505025 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 26 in population: 605069371210072971160980553728.000000 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 27 of population: 324404121 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 27 in population: 7935691828389105677369344.000000 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 28 of population: 234745314 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 28 in population: 304122555034158445363200.000000 -2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 29 of population: 806143802 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Fitness Value at index 29 in population: 71385860722424238137224986624.000000 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Total fitness from step 1: 2689324439748067782974005837824.000000 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.000000 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.000000 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.118578 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.118578 -2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.000000 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.118578 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.000001 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.118580 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.000187 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.118767 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.000580 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.119347 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.000000 -2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.119347 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.002567 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.121914 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.000023 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.121937 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000002 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.121939 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.000034 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.121972 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.000000 -2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.121972 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.000363 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.122335 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.000000 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.122335 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.000132 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.122468 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.402682 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.525150 -2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.208967 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.734116 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.000000 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.734116 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.001013 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.735129 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.000116 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.735245 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.000013 -2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.735257 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.000297 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.735554 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000024 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.735578 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.000001 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.735579 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.012804 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.748383 -2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.000080 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.748463 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.224989 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.973453 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.000003 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.973456 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.000000 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.973456 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.026544 -2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 -2015-04-21 14:41:47,854 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Population at 1: 110111110010101100100010011001 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 15: 111111000010101000101010110000 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Rand Num: 0.858497 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Population at 26: 111011011101001011100000000001 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: selected individuval from population at 26: 111011011101001011100000000001 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: parents[0][0]: 0b111011011101001011100000000001 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 1: 110111110010101100100010011001 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 15: 111111000010101000101010110000 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000000001 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: rand num: 0.828455 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: rand num: 0.049939 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: population at 1: 110111110010101100100010011001 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010101100100010011001 -2015-04-21 14:41:47,877 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010101100100010011001 -2015-04-21 14:41:47,878 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,883 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Rand Num: 0.281122 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Population at 15: 111111000010101000101010110000 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111000010101000101010110000 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101000101010110000 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: rand num: 0.104876 -2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,889 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,889 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010100100100010111001 -2015-04-21 14:41:47,889 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,892 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Rand Num: 0.371562 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101001101000110000 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.204487 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.248884 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 -2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,924 - __main__ - DEBUG - 2: selected individuval from population at 16: 111011000000000001111000100010 -2015-04-21 14:41:47,924 - __main__ - DEBUG - 1: parents[0][0]: 0b111011000000000001111000100010 -2015-04-21 14:41:47,924 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,927 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,927 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 16: 111001000000000001111000100010 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 26: 111011011101001011100000010001 -2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: selected individuval from population at 26: 111011011101001011100000010001 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 1: parents[0][0]: 0b111011011101001011100000010001 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: rand num: 0.198700 -2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111000010101001101000110000 -2015-04-21 14:41:47,939 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101001101000110000 -2015-04-21 14:41:47,939 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,943 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 16: 111001000000000001111000100010 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: selected individuval from population at 16: 111001000000000001111000100010 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: parents[0][0]: 0b111001000000000001111000100010 -2015-04-21 14:41:47,947 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: rand num: 0.027620 -2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010100100100010111001 -2015-04-21 14:41:47,948 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010100100100010111001 -2015-04-21 14:41:47,948 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,952 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Rand Num: 0.159058 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111001101000110000 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: rand num: 0.710455 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: population at 16: 111001000000000001111000000010 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: selected individuval from population at 16: 111001000000000001111000000010 -2015-04-21 14:41:47,964 - __main__ - DEBUG - 1: parents[0][0]: 0b111001000000000001111000000010 -2015-04-21 14:41:47,964 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,968 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Rand Num: 0.270480 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111001101000110000 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.255457 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: selected individuval from population at 26: 111010011101001011110000010001 -2015-04-21 14:41:47,994 - __main__ - DEBUG - 1: parents[0][0]: 0b111010011101001011110000010001 -2015-04-21 14:41:47,994 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:47,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:47,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:47,998 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Rand Num: 0.336232 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111000101010110000 -2015-04-21 14:41:48,003 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: rand num: 0.853949 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,015 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,015 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,021 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Rand Num: 0.769608 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: rand num: 0.391979 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111100010111000101010110000 -2015-04-21 14:41:48,037 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111000101010110000 -2015-04-21 14:41:48,037 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,041 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 15: 111111100010110000111110110000 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: population at 15: 111111100010110000111110110000 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 -2015-04-21 14:41:48,063 - __main__ - DEBUG - 2: population at 15: 111111100010110000111110110000 -2015-04-21 14:41:48,063 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111100010110000111110110000 -2015-04-21 14:41:48,063 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000111110110000 -2015-04-21 14:41:48,063 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,066 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: Population at 15: 111111100010110000101110110001 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010110000101110110001 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000101110110001 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: rand num: 0.080256 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: selected individuval from population at 1: 010111110010100100100010111001 -2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100010111001 -2015-04-21 14:41:48,071 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,074 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Rand Num: 0.011697 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111011 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: selected individuval from population at 1: 010111110010100100100010111011 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100010111011 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111011 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 15: 111111100010110000100110110001 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: rand num: 0.827430 -2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,083 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,083 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,089 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Rand Num: 0.459153 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Population at 15: 111111100010110000100110110001 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010110000100110110001 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000100110110001 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,095 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: population at 15: 111111100010110000100110110001 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: rand num: 0.741579 -2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: selected individuval from population at 24: 101100101001000101100110101100 -2015-04-21 14:41:48,106 - __main__ - DEBUG - 1: parents[0][0]: 0b101100101001000101100110101100 -2015-04-21 14:41:48,106 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,112 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 15: 011111100010110000100110110001 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 24: 101100101001000101110110111100 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Rand Num: 0.957407 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 -2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 15: 011111100010110000100110110001 -2015-04-21 14:41:48,130 - __main__ - DEBUG - 2: selected individuval from population at 15: 011111100010110000100110110001 -2015-04-21 14:41:48,130 - __main__ - DEBUG - 1: parents[0][0]: 0b011111100010110000100110110001 -2015-04-21 14:41:48,130 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,135 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Individual Fit: 0.118578 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.118580 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.118767 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Individual Fit: 0.119347 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Individual Fit: 0.121914 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121937 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121939 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 -2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Individual Fit: 0.121972 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Individual Fit: 0.122335 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Individual Fit: 0.122468 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.525150 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Population at 15: 011111100010110000101110110001 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.734116 -2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Individual Fit: 0.735129 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Individual Fit: 0.735245 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Individual Fit: 0.735257 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Individual Fit: 0.735554 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.735578 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.735579 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.748383 -2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 24: 101100101001000101110110111100 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Individual Fit: 0.748463 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Individual Fit: 0.973453 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Rand Num: 0.857331 -2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: individual fit: 0.118580 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: individual fit: 0.118767 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 -2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.119347 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 -2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.121914 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: individual fit: 0.121937 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: individual fit: 0.121939 -2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: individual fit: 0.121972 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 -2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122335 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 -2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122468 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: individual fit: 0.525150 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: population at 15: 011111100010110000101110110001 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: individual fit: 0.734116 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: individual fit: 0.735129 -2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: individual fit: 0.735245 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: individual fit: 0.735257 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735554 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735578 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 -2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735579 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: individual fit: 0.748383 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: population at 24: 101100101001000101110110111100 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: individual fit: 0.748463 -2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: individual fit: 0.973453 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: individual fit: 0.973456 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: individual fit: 1.000000 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: rand num: 0.874414 -2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: individual fit: 0.118578 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: rand num: 0.036513 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: selected individuval from population at 1: 010111110010100100100000011011 -2015-04-21 14:41:48,160 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100000011011 -2015-04-21 14:41:48,160 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:41:48,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:41:48,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:41:48,166 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:41:48,166 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 14:41:48,166 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 -2015-04-21 14:41:48,166 - __main__ - INFO - Average Fitness Value of Generation: 89644147991602280543090114560.000000 -2015-04-21 14:41:48,167 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:41:48,167 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:41:48,167 - __main__ - INFO - Generation 1 running... -2015-04-21 14:41:48,167 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:41:48,167 - __main__ - DEBUG - Getting fitness of generation 1 -2015-04-21 14:41:48,167 - __main__ - DEBUG - Sum of bitstring at 0 of population: 997700608 -2015-04-21 14:41:48,167 - __main__ - DEBUG - Fitness Value at index 0 in population: 605069371210072971160980553728.000000 -2015-04-21 14:41:48,167 - __main__ - DEBUG - Sum of bitstring at 1 of population: 935854080 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1065227264 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 2 in population: 1160540825025150110341154209792.000000 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 3 of population: 931135488 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 3 in population: 304880506868562339266931195904.000000 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1057659904 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 4 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 5 of population: 989855744 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 5 in population: 561978813405172455214948548608.000000 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 6 of population: 998094848 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 6 in population: 605069371210072971160980553728.000000 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 7 of population: 1056964608 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 7 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 8 of population: 956308480 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 8 in population: 398059857579334659253274148864.000000 -2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 9 of population: 0 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 9 in population: 0.000000 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 10 of population: 1072787456 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 10 in population: 1255325460068093841637107564544.000000 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 11 of population: 939524096 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 11 in population: 333487912029464316570108952576.000000 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 12 of population: 1066122240 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 12 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 13 of population: 980713472 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 13 in population: 510641501845428128307835043840.000000 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 14 of population: 1066138624 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 14 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 15 of population: 947126272 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 15 in population: 360476952748077286602515152896.000000 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 16 of population: 1010457600 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 16 in population: 685903266700323379552213532672.000000 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 17 of population: 536870912 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 17 in population: 1237940039285380274899124224.000000 -2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 18 of population: 947356672 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 18 in population: 360476952748077286602515152896.000000 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 19 of population: 1065877504 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 19 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 20 of population: 1066076160 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 20 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 21 of population: 399132672 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 21 in population: 62782118479882244226809856.000000 -2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 22 of population: 360489984 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 22 in population: 22539340290692256209305600.000000 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 24 of population: 1066089472 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 24 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 25 of population: 748961792 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 25 in population: 34433575231762958200015421440.000000 -2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1042099200 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 26 in population: 932164339999243693490358452224.000000 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 27 of population: 268435456 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 27 in population: 1208925819614629174706176.000000 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 28 of population: 947187712 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 28 in population: 360476952748077286602515152896.000000 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 29 of population: 399114240 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 29 in population: 62782118479882244226809856.000000 -2015-04-21 14:41:48,174 - __main__ - DEBUG - Total fitness from step 1: 17148768804985776462649180028928.000000 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.035284 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.035284 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.018596 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.053879 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.067675 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.121554 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.017779 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.139333 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.063150 -2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.202483 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.032771 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.235253 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.035284 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.270537 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.063150 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.333687 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.023212 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.356899 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000000 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.356899 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.073202 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.430101 -2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.019447 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.449548 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.068345 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.517892 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.029777 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.547670 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.068345 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.616014 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.021021 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.637035 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.039997 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.677032 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.000072 -2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.677104 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.021021 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.698125 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.068345 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.766469 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.068345 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.834814 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.000004 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.834818 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000001 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.834819 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.019447 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.854266 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.068345 -2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.922610 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.002008 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.924618 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.054358 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.978976 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.000000 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.978976 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.021021 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.999996 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.000004 -2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 -2015-04-21 14:41:48,179 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 10: 111111111100010111000000000000 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Rand Num: 0.567743 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110000000000 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: selected individuval from population at 14: 111111100010111111110000000000 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111111110000000000 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 10: 111111111100010111000000000000 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 14: 111111100010111111110000000000 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.677104 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.698125 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 18: 111000011101111000010000000000 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.766469 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.766469 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.834814 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 20: 111111100010110000100000000000 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.834814 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.834818 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 21: 010111110010100100100000000000 -2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.834818 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.834819 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 22: 010101011111001010010000000000 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.834819 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.854266 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.854266 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.922610 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.922610 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.924618 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 25: 101100101001000100000000000000 -2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.924618 -2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: individual fit: 0.978976 -2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: rand num: 0.941020 -2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: selected individuval from population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,190 - __main__ - DEBUG - 1: parents[1][0]: 0b111110000111010010110000000000 -2015-04-21 14:41:48,190 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,193 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,193 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,193 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Rand Num: 0.375544 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Population at 10: 111111111100010111000000000000 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: selected individuval from population at 10: 111111111100010111000000000000 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: parents[1][0]: 0b111111111100010111000000000000 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 10: 111111111100010111000000000000 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: rand num: 0.659446 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,200 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 -2015-04-21 14:41:48,200 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,204 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.766469 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834814 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834818 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834819 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.854266 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.922610 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.924618 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.978976 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.978976 -2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Population at 27: 010000000000000000000000000000 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Individual Fit: 0.999996 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Rand Num: 0.991775 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Population at 28: 111000011101001111000000000000 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: selected individuval from population at 28: 111000011101001111000000000000 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101001111000000000000 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,215 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 -2015-04-21 14:41:48,216 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,219 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 -2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.766469 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834814 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834818 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834819 -2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.854266 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.922610 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.924618 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.978976 -2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Individual Fit: 0.978976 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 27: 010000000000000000000000000000 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Individual Fit: 0.999996 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Rand Num: 0.991575 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 28: 111000011101001111000000000000 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: selected individuval from population at 28: 111000011101001111000000000000 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101001111000000000000 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: rand num: 0.487412 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: selected individuval from population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,231 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111011110000000000 -2015-04-21 14:41:48,231 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,235 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: selected individuval from population at 14: 111111100010111111110001000000 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111111110001000000 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,239 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: rand num: 0.206394 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: selected individuval from population at 5: 111011000000000000000000000000 -2015-04-21 14:41:48,241 - __main__ - DEBUG - 1: parents[1][0]: 0b111011000000000000000000000000 -2015-04-21 14:41:48,241 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,245 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 -2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 1: selected individuval from population at 18: 111000011101111000010000000000 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101111000010000000000 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: selected individuval from population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,252 - __main__ - DEBUG - 1: parents[1][0]: 0b011111111000010111100000000000 -2015-04-21 14:41:48,253 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,256 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 -2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 1: selected individuval from population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111011110000000000 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: rand num: 0.146677 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,261 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000010101001110000000000 -2015-04-21 14:41:48,261 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,265 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Individual Fit: 0.766469 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Individual Fit: 0.834814 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Rand Num: 0.772223 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: selected individuval from population at 20: 111111100010110000100000000000 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010110000100000000000 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: rand num: 0.171000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000010101001110000000000 -2015-04-21 14:41:48,272 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000010101001110000000000 -2015-04-21 14:41:48,272 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,276 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Rand Num: 0.649217 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: selected individuval from population at 16: 111100001110100101110000000000 -2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: rand num: 0.117377 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: rand num: 0.117377 -2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: selected individuval from population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,285 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 -2015-04-21 14:41:48,285 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,291 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 -2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 1: selected individuval from population at 13: 111010011101001000000000000000 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 1: parents[1][0]: 0b111010011101001000000000000000 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: rand num: 0.091528 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: rand num: 0.091528 -2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,298 - __main__ - DEBUG - 2: selected individuval from population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,298 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 -2015-04-21 14:41:48,298 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,302 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Rand Num: 0.638155 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: selected individuval from population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000011 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.677104 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: individual fit: 0.698125 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: population at 18: 111000011001111000010000000000 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: individual fit: 0.766469 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: rand num: 0.698373 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: selected individuval from population at 19: 111111100010000000000000000000 -2015-04-21 14:41:48,313 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010000000000000000000 -2015-04-21 14:41:48,313 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,317 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 -2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.766469 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 19: 111111101010000001000000010000 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834814 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 20: 111111100010110010100000000000 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834818 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834819 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 -2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.854266 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.922610 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.924618 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.978976 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: selected individuval from population at 26: 111110000111010010110000000000 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 1: parents[1][0]: 0b111110000111010010110000000000 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: rand num: 0.659954 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000011 -2015-04-21 14:41:48,328 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000011 -2015-04-21 14:41:48,328 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,331 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,331 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Rand Num: 0.541196 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: selected individuval from population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: parents[1][0]: 0b111010011101001000000000000010 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.356899 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.430101 -2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.449548 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.517892 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.547670 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.616014 -2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.637035 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.677032 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000111 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.677104 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.698125 -2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: population at 18: 111000011001111000010000000000 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: individual fit: 0.766469 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: rand num: 0.743478 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: population at 19: 111111101010000001000000010000 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: selected individuval from population at 19: 111111101010000001000000010000 -2015-04-21 14:41:48,340 - __main__ - DEBUG - 1: parents[1][0]: 0b111111101010000001000000010000 -2015-04-21 14:41:48,340 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,344 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Rand Num: 0.081878 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Rand Num: 0.081878 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: selected individuval from population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: rand num: 0.147089 -2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000000101001110000000000 -2015-04-21 14:41:48,345 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000000101001110000000000 -2015-04-21 14:41:48,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,349 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Individual Fit: 0.053879 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Individual Fit: 0.121554 -2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 2: 111111011111101000010000000000 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.139333 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.202483 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 4: 111111000000100001010000100000 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.235253 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.270537 -2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.333687 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.356899 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.430101 -2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.449548 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.517892 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.547670 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 13: 111010010101001000000000000010 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.616014 -2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.637035 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.677032 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000111 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.677104 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 -2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.698125 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.766469 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 19: 111111101010000001000000010000 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.834814 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 20: 111111100010110010100000000000 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.834818 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 -2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.834819 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.854266 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.922610 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: selected individuval from population at 24: 111111100010110011110000000000 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010110011110000000000 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: individual fit: 0.053879 -2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.121554 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 2: 111111011111101000010000000000 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.139333 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.202483 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 4: 111111000000100001010000100000 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 -2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.235253 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: individual fit: 0.270537 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: individual fit: 0.333687 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: selected individuval from population at 7: 111111000000000000000000000000 -2015-04-21 14:41:48,357 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000000000000000000000000 -2015-04-21 14:41:48,357 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:41:48,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:41:48,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:41:48,361 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:41:48,361 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 14:41:48,361 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 14:41:48,361 - __main__ - INFO - Average Fitness Value of Generation: 571625626832859116905397485568.000000 -2015-04-21 14:41:48,361 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:41:48,361 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:41:48,361 - __main__ - INFO - Generation 2 running... -2015-04-21 14:41:48,361 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:41:48,361 - __main__ - DEBUG - Getting fitness of generation 2 -2015-04-21 14:41:48,361 - __main__ - DEBUG - Sum of bitstring at 0 of population: 997700608 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 0 in population: 605069371210072971160980553728.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 1 of population: 935854080 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1065255936 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 2 in population: 1160540825025150110341154209792.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 3 of population: 931135488 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 3 in population: 304880506868562339266931195904.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1057100832 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 4 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 5 of population: 989856768 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 5 in population: 561978813405172455214948548608.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 6 of population: 998094848 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 6 in population: 605069371210072971160980553728.000000 -2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 7 of population: 1056964608 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 7 in population: 1082942308472838653458459394048.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 8 of population: 956308480 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 8 in population: 398059857579334659253274148864.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 9 of population: 0 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 9 in population: 0.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 10 of population: 534870016 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 10 in population: 1190424238276130006982721536.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 11 of population: 939524096 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 11 in population: 333487912029464316570108952576.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 12 of population: 1066122240 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 12 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 13 of population: 978616322 -2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 13 in population: 499823230860701811721535225856.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 14 of population: 1066134592 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 14 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 15 of population: 947126272 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 15 in population: 360476952748077286602515152896.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 16 of population: 1010457607 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 16 in population: 685903266700323379552213532672.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 17 of population: 536870912 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 17 in population: 1237940039285380274899124224.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 18 of population: 946308096 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 18 in population: 356504794933236266369397293056.000000 -2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 19 of population: 1067978768 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 19 in population: 1195302368347667290760130068480.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 20 of population: 1066084352 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 20 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 21 of population: 399132672 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 21 in population: 62782118479882244226809856.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 22 of population: 360489984 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 22 in population: 22539340290692256209305600.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 24 of population: 1066081280 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 24 in population: 1172025550356773630692472913920.000000 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 25 of population: 748961792 -2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 25 in population: 34433575231762958200015421440.000000 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1042099204 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 26 in population: 932164339999243693490358452224.000000 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 27 of population: 268435456 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 27 in population: 1208925819614629174706176.000000 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 28 of population: 947187712 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 28 in population: 360476952748077286602515152896.000000 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 29 of population: 399114240 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 29 in population: 62782118479882244226809856.000000 -2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 30 of population: 1073503232 -2015-04-21 14:42:47,887 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:42:47,888 - __main__ - INFO - Program Arguments: -2015-04-21 14:42:47,888 - __main__ - INFO - plot=True -2015-04-21 14:42:47,888 - __main__ - INFO - autoscale=True -2015-04-21 14:42:47,888 - __main__ - INFO - G=10 -2015-04-21 14:42:47,888 - __main__ - INFO - l=20 -2015-04-21 14:42:47,888 - __main__ - INFO - experiment_number=1 -2015-04-21 14:42:47,888 - __main__ - INFO - N=30 -2015-04-21 14:42:47,888 - __main__ - INFO - pc=0.6 -2015-04-21 14:42:47,888 - __main__ - INFO - ce=False -2015-04-21 14:42:47,888 - __main__ - INFO - ff= -2015-04-21 14:42:47,888 - __main__ - INFO - learn=False -2015-04-21 14:42:47,888 - __main__ - INFO - NG=20 -2015-04-21 14:42:47,888 - __main__ - INFO - nruns=10 -2015-04-21 14:42:47,888 - __main__ - INFO - pm=0.033 -2015-04-21 14:42:47,889 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:42:47,889 - __main__ - INFO - Starting run 0... -2015-04-21 14:42:47,889 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:42:47,890 - __main__ - INFO - Initialization Complete. -2015-04-21 14:42:47,890 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:42:47,892 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:42:47,892 - __main__ - INFO - Generation 0 running... -2015-04-21 14:42:47,892 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:42:47,892 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,893 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,896 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,897 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,900 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,901 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,905 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,905 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,909 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,909 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,913 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,913 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,916 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,917 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,921 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,921 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,926 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,927 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,930 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,930 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,934 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,935 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,938 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,938 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,941 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,942 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,945 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,946 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,949 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:42:47,949 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:42:47,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:42:47,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:42:47,953 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:42:47,953 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 14:42:47,953 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 14:42:47,953 - __main__ - INFO - Average Fitness Value of Generation: 169576829873084966654443520000.000000 -2015-04-21 14:42:47,953 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:42:47,953 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:42:47,953 - __main__ - INFO - Generation 1 running... -2015-04-21 14:42:47,953 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:42:47,954 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,954 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,957 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,958 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,961 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,962 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,966 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,967 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,971 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,972 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,975 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,976 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,980 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,981 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,984 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,985 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,988 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,989 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,992 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,993 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:47,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:47,998 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:47,999 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:47,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:48,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:48,004 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:48,005 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:48,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:48,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:48,010 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:48,011 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:48,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:48,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:48,016 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:48,017 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:48,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:48,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:48,020 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:42:48,021 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:42:48,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:42:48,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:42:48,024 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:42:48,024 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 14:42:48,024 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 14:42:48,024 - __main__ - INFO - Average Fitness Value of Generation: 407107368416694547720576172032.000000 -2015-04-21 14:42:48,024 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:42:48,024 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:42:48,024 - __main__ - INFO - Generation 2 running... -2015-04-21 14:42:48,024 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:46:10,688 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:46:10,688 - __main__ - INFO - Program Arguments: -2015-04-21 14:46:10,688 - __main__ - INFO - plot=True -2015-04-21 14:46:10,688 - __main__ - INFO - autoscale=True -2015-04-21 14:46:10,688 - __main__ - INFO - G=10 -2015-04-21 14:46:10,689 - __main__ - INFO - l=20 -2015-04-21 14:46:10,689 - __main__ - INFO - experiment_number=1 -2015-04-21 14:46:10,689 - __main__ - INFO - N=30 -2015-04-21 14:46:10,689 - __main__ - INFO - pc=0.6 -2015-04-21 14:46:10,689 - __main__ - INFO - ce=False -2015-04-21 14:46:10,689 - __main__ - INFO - ff= -2015-04-21 14:46:10,689 - __main__ - INFO - learn=False -2015-04-21 14:46:10,689 - __main__ - INFO - NG=20 -2015-04-21 14:46:10,689 - __main__ - INFO - nruns=10 -2015-04-21 14:46:10,689 - __main__ - INFO - pm=0.033 -2015-04-21 14:46:10,689 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:46:10,689 - __main__ - INFO - Starting run 0... -2015-04-21 14:46:10,689 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:46:10,691 - __main__ - INFO - Initialization Complete. -2015-04-21 14:46:10,691 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:46:10,692 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:46:10,693 - __main__ - INFO - Generation 0 running... -2015-04-21 14:46:10,693 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:46:10,693 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:46:10,694 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:46:10,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,138 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:47:36,138 - __main__ - INFO - Program Arguments: -2015-04-21 14:47:36,138 - __main__ - INFO - plot=True -2015-04-21 14:47:36,138 - __main__ - INFO - autoscale=True -2015-04-21 14:47:36,138 - __main__ - INFO - G=10 -2015-04-21 14:47:36,139 - __main__ - INFO - l=20 -2015-04-21 14:47:36,139 - __main__ - INFO - experiment_number=1 -2015-04-21 14:47:36,139 - __main__ - INFO - N=30 -2015-04-21 14:47:36,139 - __main__ - INFO - pc=0.6 -2015-04-21 14:47:36,139 - __main__ - INFO - ce=False -2015-04-21 14:47:36,139 - __main__ - INFO - ff= -2015-04-21 14:47:36,139 - __main__ - INFO - learn=False -2015-04-21 14:47:36,139 - __main__ - INFO - NG=20 -2015-04-21 14:47:36,139 - __main__ - INFO - nruns=10 -2015-04-21 14:47:36,139 - __main__ - INFO - pm=0.033 -2015-04-21 14:47:36,139 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:47:36,140 - __main__ - INFO - Starting run 0... -2015-04-21 14:47:36,140 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:47:36,141 - __main__ - INFO - Initialization Complete. -2015-04-21 14:47:36,141 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:47:36,143 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:47:36,143 - __main__ - INFO - Generation 0 running... -2015-04-21 14:47:36,143 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:47:36,144 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,145 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,148 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,150 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,153 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,154 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,158 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,159 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,162 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,163 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,166 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,167 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,171 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,172 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,177 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,177 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,181 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,181 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,185 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,186 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,190 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,190 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,194 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,195 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,198 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,199 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,203 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,204 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,207 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:47:36,208 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:47:36,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:47:36,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:47:36,213 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:47:36,214 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 14:47:36,214 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 14:47:36,214 - __main__ - INFO - Average Fitness Value of Generation: 115618781916736777802527801344.000000 -2015-04-21 14:47:36,214 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:47:36,214 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:47:36,214 - __main__ - INFO - Generation 1 running... -2015-04-21 14:47:36,214 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:47:36,215 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,216 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,219 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,220 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,223 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,224 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,227 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,228 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,231 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,232 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,236 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,236 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,240 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,241 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,244 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,245 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,249 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,249 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,254 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,255 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,258 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,259 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,263 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,263 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,266 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,267 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,271 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,272 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,275 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:47:36,276 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:47:36,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:47:36,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:47:36,280 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:47:36,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 14:47:36,280 - __main__ - INFO - Fitness Value of Best Individual: 990044880209748260295442169856.000000 -2015-04-21 14:47:36,280 - __main__ - INFO - Average Fitness Value of Generation: 432341738825309450189561397248.000000 -2015-04-21 14:47:36,280 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:47:36,280 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:47:36,280 - __main__ - INFO - Generation 2 running... -2015-04-21 14:47:36,280 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:48:09,961 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:48:09,961 - __main__ - INFO - Program Arguments: -2015-04-21 14:48:09,961 - __main__ - INFO - plot=True -2015-04-21 14:48:09,961 - __main__ - INFO - autoscale=True -2015-04-21 14:48:09,962 - __main__ - INFO - G=10 -2015-04-21 14:48:09,962 - __main__ - INFO - l=20 -2015-04-21 14:48:09,962 - __main__ - INFO - experiment_number=1 -2015-04-21 14:48:09,962 - __main__ - INFO - N=30 -2015-04-21 14:48:09,962 - __main__ - INFO - pc=0.6 -2015-04-21 14:48:09,962 - __main__ - INFO - ce=False -2015-04-21 14:48:09,962 - __main__ - INFO - ff= -2015-04-21 14:48:09,962 - __main__ - INFO - learn=False -2015-04-21 14:48:09,963 - __main__ - INFO - NG=20 -2015-04-21 14:48:09,963 - __main__ - INFO - nruns=10 -2015-04-21 14:48:09,963 - __main__ - INFO - pm=0.033 -2015-04-21 14:48:09,963 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:48:09,963 - __main__ - INFO - Starting run 0... -2015-04-21 14:48:09,963 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:48:09,964 - __main__ - INFO - Initialization Complete. -2015-04-21 14:48:09,964 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:48:09,966 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:48:09,966 - __main__ - INFO - Generation 0 running... -2015-04-21 14:48:09,966 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:48:09,967 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,968 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,971 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,971 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,974 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,974 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,977 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,978 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,980 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,981 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,984 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,985 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,988 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,989 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,993 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,994 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:09,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:09,997 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:09,998 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:09,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,001 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,001 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,004 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,005 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,008 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,009 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,012 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,012 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,015 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,016 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,018 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:48:10,019 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:48:10,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:48:10,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:48:10,022 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:48:10,022 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 14:48:10,022 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 14:48:10,022 - __main__ - INFO - Average Fitness Value of Generation: 162303638343977261729631436800.000000 -2015-04-21 14:48:10,022 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:48:10,022 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:48:10,023 - __main__ - INFO - Generation 1 running... -2015-04-21 14:48:10,023 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:48:10,024 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,024 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,029 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,030 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,033 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,034 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,037 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,037 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,040 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,040 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,044 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,044 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,047 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,047 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,050 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,050 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,053 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,054 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,058 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,059 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,064 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,064 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,068 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,068 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,072 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,072 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,075 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,076 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,079 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:48:10,080 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:48:10,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:48:10,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:48:10,083 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:48:10,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 14:48:10,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 14:48:10,083 - __main__ - INFO - Average Fitness Value of Generation: 664882455326433563667255525376.000000 -2015-04-21 14:48:10,083 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:48:10,083 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:48:10,083 - __main__ - INFO - Generation 2 running... -2015-04-21 14:48:10,083 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:56:25,259 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:56:25,259 - __main__ - INFO - Program Arguments: -2015-04-21 14:56:25,259 - __main__ - INFO - plot=True -2015-04-21 14:56:25,259 - __main__ - INFO - autoscale=True -2015-04-21 14:56:25,259 - __main__ - INFO - G=10 -2015-04-21 14:56:25,259 - __main__ - INFO - l=20 -2015-04-21 14:56:25,259 - __main__ - INFO - experiment_number=1 -2015-04-21 14:56:25,259 - __main__ - INFO - N=30 -2015-04-21 14:56:25,260 - __main__ - INFO - pc=0.6 -2015-04-21 14:56:25,260 - __main__ - INFO - ce=False -2015-04-21 14:56:25,260 - __main__ - INFO - ff= -2015-04-21 14:56:25,260 - __main__ - INFO - learn=False -2015-04-21 14:56:25,260 - __main__ - INFO - NG=20 -2015-04-21 14:56:25,260 - __main__ - INFO - nruns=10 -2015-04-21 14:56:25,260 - __main__ - INFO - pm=0.033 -2015-04-21 14:56:25,260 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:56:25,260 - __main__ - INFO - Starting run 0... -2015-04-21 14:56:25,260 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:56:25,261 - __main__ - INFO - Initialization Complete. -2015-04-21 14:56:25,261 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:56:25,263 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:56:25,263 - __main__ - INFO - Generation 0 running... -2015-04-21 14:56:25,263 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:56:25,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,264 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,268 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,268 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,272 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,275 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,275 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,279 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,279 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,282 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,282 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,285 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,286 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,289 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,289 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,293 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,293 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,298 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,298 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,302 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,302 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,305 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,306 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,308 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,309 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,313 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,313 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,316 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:56:25,316 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:56:25,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:56:25,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:56:25,319 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:56:25,319 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 14:56:25,319 - __main__ - INFO - Fitness Value of Best Individual: 617915381969049832467428540416.000000 -2015-04-21 14:56:25,319 - __main__ - INFO - Average Fitness Value of Generation: 64631012164652013352313159680.000000 -2015-04-21 14:56:25,319 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:56:25,320 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:56:25,320 - __main__ - INFO - Generation 1 running... -2015-04-21 14:56:25,320 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:56:25,320 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,321 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,324 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,324 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,329 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,330 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,334 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,335 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,338 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,338 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,341 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,342 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,345 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,348 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,351 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,351 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,354 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,355 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,358 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,358 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,361 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,362 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,367 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,368 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,372 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,372 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,375 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:56:25,375 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:56:25,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:56:25,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:56:25,378 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 14:56:25,378 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 14:56:25,379 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 14:56:25,379 - __main__ - INFO - Average Fitness Value of Generation: 304270191331057654138453098496.000000 -2015-04-21 14:56:25,379 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 14:56:25,379 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:56:25,379 - __main__ - INFO - Generation 2 running... -2015-04-21 14:56:25,379 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 14:58:06,641 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:58:06,641 - __main__ - INFO - Program Arguments: -2015-04-21 14:58:06,641 - __main__ - INFO - plot=True -2015-04-21 14:58:06,642 - __main__ - INFO - autoscale=True -2015-04-21 14:58:06,642 - __main__ - INFO - G=10 -2015-04-21 14:58:06,642 - __main__ - INFO - l=20 -2015-04-21 14:58:06,642 - __main__ - INFO - experiment_number=1 -2015-04-21 14:58:06,642 - __main__ - INFO - N=30 -2015-04-21 14:58:06,642 - __main__ - INFO - pc=0.6 -2015-04-21 14:58:06,642 - __main__ - INFO - ce=False -2015-04-21 14:58:06,642 - __main__ - INFO - ff= -2015-04-21 14:58:06,642 - __main__ - INFO - learn=False -2015-04-21 14:58:06,642 - __main__ - INFO - NG=20 -2015-04-21 14:58:06,642 - __main__ - INFO - nruns=10 -2015-04-21 14:58:06,643 - __main__ - INFO - pm=0.033 -2015-04-21 14:58:06,643 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:58:06,643 - __main__ - INFO - Starting run 0... -2015-04-21 14:58:06,643 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:58:06,644 - __main__ - INFO - Initialization Complete. -2015-04-21 14:58:06,645 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:58:06,647 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:58:06,647 - __main__ - INFO - Generation 0 running... -2015-04-21 14:58:06,647 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:58:06,648 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,649 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,653 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,653 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,661 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,662 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,665 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,667 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,671 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,672 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,676 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,676 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,680 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,681 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,684 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,685 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,689 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,690 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,693 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,693 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,696 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,697 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,700 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,700 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,706 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,706 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,710 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,711 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:06,715 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:06,715 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:06,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:06,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,687 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 14:58:56,688 - __main__ - INFO - Program Arguments: -2015-04-21 14:58:56,688 - __main__ - INFO - plot=True -2015-04-21 14:58:56,688 - __main__ - INFO - autoscale=True -2015-04-21 14:58:56,688 - __main__ - INFO - G=10 -2015-04-21 14:58:56,688 - __main__ - INFO - l=20 -2015-04-21 14:58:56,688 - __main__ - INFO - experiment_number=1 -2015-04-21 14:58:56,688 - __main__ - INFO - N=30 -2015-04-21 14:58:56,688 - __main__ - INFO - pc=0.6 -2015-04-21 14:58:56,688 - __main__ - INFO - ce=False -2015-04-21 14:58:56,688 - __main__ - INFO - ff= -2015-04-21 14:58:56,688 - __main__ - INFO - learn=False -2015-04-21 14:58:56,688 - __main__ - INFO - NG=20 -2015-04-21 14:58:56,688 - __main__ - INFO - nruns=10 -2015-04-21 14:58:56,688 - __main__ - INFO - pm=0.033 -2015-04-21 14:58:56,688 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 14:58:56,689 - __main__ - INFO - Starting run 0... -2015-04-21 14:58:56,689 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 14:58:56,690 - __main__ - INFO - Initialization Complete. -2015-04-21 14:58:56,690 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 14:58:56,692 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 14:58:56,692 - __main__ - INFO - Generation 0 running... -2015-04-21 14:58:56,692 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 14:58:56,692 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,693 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,696 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,696 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,699 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,700 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,703 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,704 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,707 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,707 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,710 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,711 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,713 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,714 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,717 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,717 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,722 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,722 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,726 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,727 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,730 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,734 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,737 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,738 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,740 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,741 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,744 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,745 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,748 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 14:58:56,749 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 14:58:56,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 14:58:56,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 14:58:56,753 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 14:58:56,753 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 14:58:56,753 - __main__ - INFO - Fitness Value of Best Individual: 868498653396971136611707256832.000000 -2015-04-21 14:58:56,753 - __main__ - INFO - Average Fitness Value of Generation: 52548437456528746539158339584.000000 -2015-04-21 14:58:56,753 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 14:58:56,754 - __main__ - INFO - Generation 0 finished. -2015-04-21 14:58:56,754 - __main__ - INFO - Generation 1 running... -2015-04-21 14:58:56,754 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 14:58:56,755 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,757 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,761 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,762 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,765 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,765 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,768 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,769 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,772 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,772 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,775 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,775 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,778 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,779 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,782 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,782 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,785 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,786 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,789 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,790 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,794 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,795 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,799 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,800 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,803 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,803 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,806 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,806 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,810 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 14:58:56,811 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 14:58:56,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 14:58:56,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 14:58:56,814 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 14:58:56,814 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 14:58:56,814 - __main__ - INFO - Fitness Value of Best Individual: 868498653396971136611707256832.000000 -2015-04-21 14:58:56,814 - __main__ - INFO - Average Fitness Value of Generation: 443951470642794771023382183936.000000 -2015-04-21 14:58:56,814 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 14:58:56,814 - __main__ - INFO - Generation 1 finished. -2015-04-21 14:58:56,814 - __main__ - INFO - Generation 2 running... -2015-04-21 14:58:56,814 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:01:35,068 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:01:35,068 - __main__ - INFO - Program Arguments: -2015-04-21 15:01:35,068 - __main__ - INFO - plot=True -2015-04-21 15:01:35,068 - __main__ - INFO - autoscale=True -2015-04-21 15:01:35,068 - __main__ - INFO - G=10 -2015-04-21 15:01:35,068 - __main__ - INFO - l=20 -2015-04-21 15:01:35,068 - __main__ - INFO - experiment_number=1 -2015-04-21 15:01:35,068 - __main__ - INFO - N=30 -2015-04-21 15:01:35,069 - __main__ - INFO - pc=0.6 -2015-04-21 15:01:35,069 - __main__ - INFO - ce=False -2015-04-21 15:01:35,069 - __main__ - INFO - ff= -2015-04-21 15:01:35,069 - __main__ - INFO - learn=False -2015-04-21 15:01:35,069 - __main__ - INFO - NG=20 -2015-04-21 15:01:35,069 - __main__ - INFO - nruns=10 -2015-04-21 15:01:35,069 - __main__ - INFO - pm=0.033 -2015-04-21 15:01:35,069 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:01:35,069 - __main__ - INFO - Starting run 0... -2015-04-21 15:01:35,070 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:01:35,071 - __main__ - INFO - Initialization Complete. -2015-04-21 15:01:35,071 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:01:35,073 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:01:35,073 - __main__ - INFO - Generation 0 running... -2015-04-21 15:01:35,073 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:01:35,073 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,074 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,078 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,078 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,082 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,082 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,085 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,086 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,089 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,090 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,093 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,094 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,097 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,098 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,101 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,102 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,106 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,107 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,110 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,111 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,113 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,114 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,116 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,117 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,119 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,120 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,123 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,123 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,126 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:01:35,126 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:01:35,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:01:35,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:01:35,129 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:01:35,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:01:35,130 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 -2015-04-21 15:01:35,130 - __main__ - INFO - Average Fitness Value of Generation: 105361195919193354919345127424.000000 -2015-04-21 15:01:35,130 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:01:35,130 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:01:35,130 - __main__ - INFO - Generation 1 running... -2015-04-21 15:01:35,131 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:01:35,131 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,132 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,136 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,137 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,141 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,142 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,145 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,146 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,148 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,149 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,152 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,153 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,156 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,156 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,160 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,160 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,163 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,163 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,167 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,167 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,170 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,171 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,176 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,176 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,181 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,181 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,184 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,185 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:01:35,188 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:01:35,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:01:35,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:01:35,191 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:01:35,191 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:01:35,191 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:01:35,191 - __main__ - INFO - Average Fitness Value of Generation: 596086796819586952700471803904.000000 -2015-04-21 15:01:35,191 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:01:35,192 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:01:35,192 - __main__ - INFO - Generation 2 running... -2015-04-21 15:01:35,192 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:02:58,052 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:02:58,052 - __main__ - INFO - Program Arguments: -2015-04-21 15:02:58,052 - __main__ - INFO - plot=True -2015-04-21 15:02:58,052 - __main__ - INFO - autoscale=True -2015-04-21 15:02:58,052 - __main__ - INFO - G=10 -2015-04-21 15:02:58,053 - __main__ - INFO - l=20 -2015-04-21 15:02:58,053 - __main__ - INFO - experiment_number=1 -2015-04-21 15:02:58,053 - __main__ - INFO - N=30 -2015-04-21 15:02:58,053 - __main__ - INFO - pc=0.6 -2015-04-21 15:02:58,053 - __main__ - INFO - ce=False -2015-04-21 15:02:58,053 - __main__ - INFO - ff= -2015-04-21 15:02:58,053 - __main__ - INFO - learn=False -2015-04-21 15:02:58,053 - __main__ - INFO - NG=20 -2015-04-21 15:02:58,053 - __main__ - INFO - nruns=10 -2015-04-21 15:02:58,053 - __main__ - INFO - pm=0.033 -2015-04-21 15:02:58,053 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:02:58,053 - __main__ - INFO - Starting run 0... -2015-04-21 15:02:58,053 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:02:58,055 - __main__ - INFO - Initialization Complete. -2015-04-21 15:02:58,055 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:02:58,057 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:02:58,057 - __main__ - INFO - Generation 0 running... -2015-04-21 15:02:58,057 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:02:58,057 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,058 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,061 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,062 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,065 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,066 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,069 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,069 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,072 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,073 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,075 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,076 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,079 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,082 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,083 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,086 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,086 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,090 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,091 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,095 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,095 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,098 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,099 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,102 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,103 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,105 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,106 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,108 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:02:58,109 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:02:58,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:02:58,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:02:58,112 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:02:58,112 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:02:58,112 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,112 - __main__ - INFO - Average Fitness Value of Generation: 261598571362363309905416290304.000000 -2015-04-21 15:02:58,112 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:02:58,113 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:02:58,113 - __main__ - INFO - Generation 1 running... -2015-04-21 15:02:58,113 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:02:58,113 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,114 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,117 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,117 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,122 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,123 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,127 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,128 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,132 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,132 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,135 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,136 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,139 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,139 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,142 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,143 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,146 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,146 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,149 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,150 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,153 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,154 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,158 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,158 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,163 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,164 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,167 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,167 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,170 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:02:58,171 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:02:58,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:02:58,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:02:58,174 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:02:58,174 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:02:58,174 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,174 - __main__ - INFO - Average Fitness Value of Generation: 836064001964408652643105243136.000000 -2015-04-21 15:02:58,174 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:02:58,175 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:02:58,175 - __main__ - INFO - Generation 2 running... -2015-04-21 15:02:58,175 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:02:58,176 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,176 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,179 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,179 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,183 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,183 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,186 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,186 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,190 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,190 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,194 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,194 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,198 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,198 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,203 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,204 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,206 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,207 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,210 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,211 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,214 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,214 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,217 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,217 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,220 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,221 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,224 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,224 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,227 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:02:58,228 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:02:58,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:02:58,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:02:58,232 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:02:58,233 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:02:58,233 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,233 - __main__ - INFO - Average Fitness Value of Generation: 709229242996565604985143820288.000000 -2015-04-21 15:02:58,233 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:02:58,233 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:02:58,233 - __main__ - INFO - Generation 3 running... -2015-04-21 15:02:58,234 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:02:58,234 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,235 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,239 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,240 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,243 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,243 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,246 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,246 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,249 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,250 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,253 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,253 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,256 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,257 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,259 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,260 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,263 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,264 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,267 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,267 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,272 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,273 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,276 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,277 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,280 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,280 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,283 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,284 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,287 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:02:58,287 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:02:58,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:02:58,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:02:58,290 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:02:58,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:02:58,290 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,290 - __main__ - INFO - Average Fitness Value of Generation: 878823799208808555158075080704.000000 -2015-04-21 15:02:58,290 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:02:58,291 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:02:58,291 - __main__ - INFO - Generation 4 running... -2015-04-21 15:02:58,291 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:02:58,292 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,292 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,295 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,295 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,298 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,299 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,302 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,302 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,307 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,308 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,312 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,313 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,316 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,316 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,319 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,319 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,322 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,323 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,326 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,326 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,329 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,329 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,332 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,332 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,336 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,336 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,339 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,340 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,344 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:02:58,345 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:02:58,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:02:58,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:02:58,349 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:02:58,350 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:02:58,350 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,350 - __main__ - INFO - Average Fitness Value of Generation: 1001315881516905823184992862208.000000 -2015-04-21 15:02:58,350 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:02:58,350 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:02:58,350 - __main__ - INFO - Generation 5 running... -2015-04-21 15:02:58,350 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:02:58,351 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,352 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,355 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,355 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,358 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,359 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,362 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,362 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,365 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,366 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,368 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,369 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,372 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,372 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,376 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,377 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,382 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,383 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,387 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,388 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,391 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,391 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,394 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,394 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,397 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,398 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,401 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,401 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,405 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:02:58,405 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:02:58,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:02:58,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:02:58,408 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:02:58,408 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:02:58,408 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,408 - __main__ - INFO - Average Fitness Value of Generation: 845834940968693043006632099840.000000 -2015-04-21 15:02:58,408 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:02:58,409 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:02:58,409 - __main__ - INFO - Generation 6 running... -2015-04-21 15:02:58,409 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:02:58,410 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,410 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,413 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,414 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,419 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,420 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,424 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,425 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,428 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,428 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,431 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,432 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,435 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,435 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,438 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,439 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,442 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,442 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,445 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,446 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,449 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,449 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,454 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,454 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,459 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,459 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,462 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,463 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,466 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:02:58,466 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:02:58,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:02:58,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:02:58,469 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:02:58,469 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:02:58,469 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,469 - __main__ - INFO - Average Fitness Value of Generation: 963344510610669403898560643072.000000 -2015-04-21 15:02:58,469 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:02:58,470 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:02:58,470 - __main__ - INFO - Generation 7 running... -2015-04-21 15:02:58,470 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:02:58,471 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,471 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,474 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,475 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,478 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,478 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,481 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,481 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,484 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,485 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,488 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,489 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,493 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,494 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,498 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,499 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,501 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,502 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,505 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,505 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,508 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,508 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,511 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,512 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,515 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,516 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,518 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,519 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,522 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:02:58,522 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:02:58,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:02:58,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:02:58,525 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:02:58,525 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 -2015-04-21 15:02:58,526 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,526 - __main__ - INFO - Average Fitness Value of Generation: 759639369442156739653376409600.000000 -2015-04-21 15:02:58,526 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:02:58,526 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:02:58,527 - __main__ - INFO - Generation 8 running... -2015-04-21 15:02:58,527 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:02:58,527 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,528 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,533 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,534 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,537 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,538 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,541 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,541 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,545 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,545 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,548 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,549 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,552 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,553 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,555 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,557 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,560 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,561 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,564 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,565 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,569 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,570 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,574 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,574 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,577 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,578 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,581 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,582 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,584 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:02:58,585 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:02:58,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:02:58,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:02:58,588 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:02:58,588 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:02:58,588 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,588 - __main__ - INFO - Average Fitness Value of Generation: 860243689550990640524711428096.000000 -2015-04-21 15:02:58,588 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:02:58,589 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:02:58,589 - __main__ - INFO - Generation 9 running... -2015-04-21 15:02:58,589 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:02:58,590 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,590 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,593 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,593 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,596 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,597 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,600 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,601 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,606 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,606 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,611 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,611 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,614 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,615 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,618 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,618 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,621 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,621 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,625 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,625 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,629 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,629 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,633 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,633 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,640 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,641 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,649 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,650 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,656 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:02:58,657 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:02:58,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:02:58,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:02:58,663 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:02:58,664 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:02:58,664 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:02:58,664 - __main__ - INFO - Average Fitness Value of Generation: 748927875873844635599890284544.000000 -2015-04-21 15:02:58,664 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:02:58,665 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:02:58,665 - __main__ - INFO - Finished run 0. -2015-04-21 15:02:58,665 - __main__ - INFO - Starting run 1... -2015-04-21 15:02:58,665 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:02:58,667 - __main__ - INFO - Initialization Complete. -2015-04-21 15:02:58,667 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:02:58,669 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:02:58,669 - __main__ - INFO - Generation 0 running... -2015-04-21 15:02:58,669 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:41,077 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:04:41,077 - __main__ - INFO - Program Arguments: -2015-04-21 15:04:41,077 - __main__ - INFO - plot=True -2015-04-21 15:04:41,077 - __main__ - INFO - autoscale=True -2015-04-21 15:04:41,077 - __main__ - INFO - G=10 -2015-04-21 15:04:41,077 - __main__ - INFO - l=20 -2015-04-21 15:04:41,078 - __main__ - INFO - experiment_number=1 -2015-04-21 15:04:41,078 - __main__ - INFO - N=30 -2015-04-21 15:04:41,078 - __main__ - INFO - pc=0.6 -2015-04-21 15:04:41,078 - __main__ - INFO - ce=False -2015-04-21 15:04:41,078 - __main__ - INFO - ff= -2015-04-21 15:04:41,078 - __main__ - INFO - learn=False -2015-04-21 15:04:41,078 - __main__ - INFO - NG=20 -2015-04-21 15:04:41,078 - __main__ - INFO - nruns=10 -2015-04-21 15:04:41,078 - __main__ - INFO - pm=0.033 -2015-04-21 15:04:41,078 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:04:41,078 - __main__ - INFO - Starting run 0... -2015-04-21 15:04:41,078 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:41,080 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:41,080 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:41,082 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:41,082 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:41,082 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:41,082 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,083 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,086 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,086 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,090 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,091 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,094 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,095 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,098 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,098 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,101 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,102 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,107 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,109 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,114 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,117 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,120 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,121 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,124 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,125 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,128 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,129 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,132 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,133 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,136 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,136 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,139 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,139 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,143 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,145 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,150 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:04:41,150 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:41,150 - __main__ - INFO - Fitness Value of Best Individual: 800550158557650266709393670144.000000 -2015-04-21 15:04:41,150 - __main__ - INFO - Average Fitness Value of Generation: 36067072319707025258605182976.000000 -2015-04-21 15:04:41,150 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:04:41,151 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:41,152 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:41,152 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:41,153 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,153 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,158 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,158 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,161 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,162 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,165 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,165 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,168 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,168 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,171 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,172 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,175 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,176 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,179 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,179 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,183 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,184 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,189 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,193 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,194 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,197 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,198 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,201 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,201 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,204 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,205 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,207 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,208 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,211 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:04:41,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:41,211 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 -2015-04-21 15:04:41,211 - __main__ - INFO - Average Fitness Value of Generation: 101145724619775390309830098944.000000 -2015-04-21 15:04:41,211 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:04:41,212 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:41,212 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:41,212 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:41,213 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,213 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,216 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,217 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,220 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,220 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,225 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,225 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,230 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,231 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,234 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,235 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,238 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,238 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,241 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,242 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,246 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,249 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,250 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,253 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,254 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,258 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,259 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,265 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,266 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,271 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,271 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,275 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,275 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,278 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:04:41,278 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:41,279 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 -2015-04-21 15:04:41,279 - __main__ - INFO - Average Fitness Value of Generation: 321846872243296080686590459904.000000 -2015-04-21 15:04:41,279 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:04:41,279 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:41,279 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:41,279 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:41,280 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,280 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,283 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,284 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,287 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,287 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,290 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,290 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,293 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,294 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,297 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,298 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,304 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,304 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,309 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,310 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,313 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,314 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,317 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,317 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,321 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,321 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,324 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,324 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,327 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,328 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,331 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,332 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,334 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,335 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,340 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:04:41,340 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:41,340 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:04:41,340 - __main__ - INFO - Average Fitness Value of Generation: 471223510081015003834465910784.000000 -2015-04-21 15:04:41,340 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:04:41,341 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:41,342 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:41,342 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:41,343 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,343 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,348 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,349 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,352 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,353 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,356 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,356 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,359 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,360 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,363 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,363 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,366 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,367 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,369 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,369 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,372 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,373 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,378 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,379 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,384 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,385 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,390 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,390 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,394 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,394 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,397 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,398 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,400 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:41,401 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:41,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:41,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:41,404 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:04:41,404 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:41,404 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:04:41,404 - __main__ - INFO - Average Fitness Value of Generation: 693459877807394537619798884352.000000 -2015-04-21 15:04:41,404 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:04:41,405 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:41,405 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:41,405 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:41,406 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,406 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,409 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,410 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,412 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,413 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,418 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,419 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,424 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,425 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,429 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,430 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,433 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,434 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,437 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,437 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,440 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,440 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,443 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,444 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,447 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,447 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,450 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,451 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,456 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,457 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,462 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,463 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,468 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:41,468 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:41,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:41,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:41,471 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:04:41,471 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:41,472 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:41,472 - __main__ - INFO - Average Fitness Value of Generation: 824422542283232650847059968000.000000 -2015-04-21 15:04:41,472 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:04:41,472 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:41,472 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:41,473 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:41,473 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,474 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,477 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,477 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,480 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,480 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,484 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,484 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,487 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,488 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,491 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,492 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,497 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,497 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,503 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,503 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,508 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,509 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,511 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,512 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,515 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,515 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,518 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,519 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,522 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,523 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,526 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,527 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,530 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:41,530 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:41,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:41,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:41,534 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:04:41,535 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:41,535 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:41,535 - __main__ - INFO - Average Fitness Value of Generation: 908776679624325870986784145408.000000 -2015-04-21 15:04:41,535 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:04:41,536 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:41,536 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:41,536 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:41,537 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,539 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,543 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,544 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,548 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,549 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,552 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,552 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,555 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,555 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,558 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,559 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,562 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,562 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,565 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,566 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,568 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,569 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,573 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,574 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,579 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,580 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,585 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,585 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,589 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,589 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,592 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,593 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,596 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:41,597 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:41,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:41,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:41,600 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:04:41,600 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:41,600 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:41,600 - __main__ - INFO - Average Fitness Value of Generation: 953111579397676356994777219072.000000 -2015-04-21 15:04:41,600 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:04:41,601 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:41,601 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:41,601 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:41,602 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,602 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,605 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,606 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,609 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,610 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,615 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,616 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,621 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,621 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,626 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,627 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,631 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,632 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,635 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,635 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,639 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,639 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,644 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,645 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,650 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,650 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,657 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,659 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,664 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,665 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,669 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,669 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,672 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:41,672 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:41,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:41,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:41,677 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:04:41,677 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:41,677 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:41,677 - __main__ - INFO - Average Fitness Value of Generation: 914747248794693462267338424320.000000 -2015-04-21 15:04:41,678 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:04:41,678 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:41,678 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:41,678 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:41,679 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,679 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,682 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,683 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,685 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,686 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,689 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,689 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,696 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,697 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,701 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,702 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,706 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,706 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,710 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,711 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,714 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,715 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,718 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,718 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,721 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,722 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,725 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,726 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,729 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,731 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,736 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,737 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,741 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:41,742 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:41,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:41,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:41,747 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:04:41,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:04:41,747 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:41,747 - __main__ - INFO - Average Fitness Value of Generation: 908715679297516064620593283072.000000 -2015-04-21 15:04:41,747 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:04:41,748 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:41,748 - __main__ - INFO - Finished run 0. -2015-04-21 15:04:41,748 - __main__ - INFO - Starting run 1... -2015-04-21 15:04:41,748 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:41,749 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:41,749 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:41,751 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:41,751 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:41,751 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:41,752 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,752 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,756 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,757 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,760 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,761 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,764 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,765 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,768 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,768 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,774 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,775 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,779 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,780 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,785 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,786 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,788 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,789 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,792 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,793 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,796 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,797 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,800 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,800 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,803 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,804 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,807 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,808 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,814 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:41,815 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:41,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:41,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:41,820 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:04:41,820 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:04:41,820 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 -2015-04-21 15:04:41,820 - __main__ - INFO - Average Fitness Value of Generation: 88547109423147382077046915072.000000 -2015-04-21 15:04:41,820 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:04:41,821 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:41,821 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:41,821 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:41,822 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,823 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,826 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,826 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,829 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,829 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,833 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,833 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,836 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,837 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,839 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,840 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,843 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,843 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,847 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,848 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,853 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,855 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,859 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,860 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,863 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,864 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,867 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,868 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,871 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,872 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,875 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,875 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,879 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:41,879 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:41,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:41,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:41,882 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:04:41,882 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:41,882 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:04:41,882 - __main__ - INFO - Average Fitness Value of Generation: 387249336449169601862886752256.000000 -2015-04-21 15:04:41,883 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:04:41,883 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:41,883 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:41,883 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:41,884 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,885 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,890 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,892 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,897 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,898 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,902 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,903 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,906 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,906 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,909 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,910 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,913 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,913 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,916 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,916 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,919 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,919 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,922 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,923 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,926 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,927 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,933 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,934 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,938 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,939 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,943 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,943 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,946 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:41,946 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:41,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:41,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:41,950 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:04:41,950 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:41,950 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:41,950 - __main__ - INFO - Average Fitness Value of Generation: 509352615100080690556192161792.000000 -2015-04-21 15:04:41,950 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:04:41,951 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:41,951 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:41,951 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:41,952 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,953 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,956 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,956 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,959 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,960 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,963 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,964 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,969 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,970 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,974 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,975 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,980 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,981 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,984 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,985 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,987 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,988 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,991 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,992 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,995 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,995 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:41,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:41,998 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:41,999 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:41,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,001 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,002 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,007 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,007 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,013 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,014 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,019 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:04:42,019 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:42,019 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,019 - __main__ - INFO - Average Fitness Value of Generation: 485468651983468436128280870912.000000 -2015-04-21 15:04:42,020 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:04:42,020 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:42,020 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:42,020 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:42,021 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,022 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,025 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,025 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,028 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,029 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,032 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,032 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,035 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,035 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,038 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,038 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,041 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,042 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,045 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,045 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,050 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,050 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,055 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,055 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,058 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,059 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,062 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,063 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,065 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,066 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,069 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,069 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,072 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,072 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,076 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:04:42,076 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:04:42,076 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,076 - __main__ - INFO - Average Fitness Value of Generation: 719084584816528133841093656576.000000 -2015-04-21 15:04:42,076 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:04:42,076 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:42,077 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:42,077 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:42,077 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,078 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,081 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,082 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,087 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,087 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,092 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,093 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,096 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,096 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,099 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,100 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,103 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,103 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,106 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,107 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,109 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,110 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,113 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,113 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,117 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,117 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,122 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,123 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,128 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,129 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,133 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,134 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,136 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,137 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,140 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:04:42,140 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:42,140 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,140 - __main__ - INFO - Average Fitness Value of Generation: 840046794223176563152843177984.000000 -2015-04-21 15:04:42,140 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:04:42,141 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:42,141 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:42,141 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:42,142 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,142 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,145 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,146 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,149 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,150 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,153 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,153 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,157 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,157 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,164 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,165 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,169 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,169 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,173 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,174 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,177 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,177 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,180 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,181 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,184 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,184 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,187 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,188 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,190 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,191 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,193 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,194 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,198 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,199 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,204 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:04:42,205 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:42,205 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,205 - __main__ - INFO - Average Fitness Value of Generation: 835264886177749470290015944704.000000 -2015-04-21 15:04:42,205 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:04:42,206 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:42,206 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:42,206 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:42,207 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,208 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,212 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,212 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,215 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,216 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,219 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,220 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,223 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,223 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,226 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,227 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,230 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,231 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,234 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,234 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,239 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,240 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,245 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,247 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,251 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,251 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,255 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,255 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,258 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,259 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,262 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,263 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,266 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,266 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,269 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:04:42,269 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:42,269 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,269 - __main__ - INFO - Average Fitness Value of Generation: 815369092898449240965525798912.000000 -2015-04-21 15:04:42,269 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:04:42,270 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:42,270 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:42,270 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:42,271 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,271 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,274 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,275 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,280 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,282 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,286 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,287 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,291 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,292 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,295 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,296 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,299 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,299 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,303 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,303 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,306 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,306 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,309 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,310 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,312 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,313 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,317 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,318 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,324 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,324 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,329 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,329 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,332 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,333 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,336 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:04:42,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:04:42,336 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,336 - __main__ - INFO - Average Fitness Value of Generation: 787743247661130489264733159424.000000 -2015-04-21 15:04:42,336 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:04:42,337 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:42,337 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:42,337 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:42,337 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,338 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,341 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,341 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,344 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,345 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,348 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,348 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,351 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,351 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,354 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,355 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,359 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,359 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,364 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,364 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,369 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,369 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,373 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,373 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,376 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,376 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,379 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,379 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,383 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,383 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,386 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,387 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,390 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,390 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,394 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:04:42,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:42,394 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,394 - __main__ - INFO - Average Fitness Value of Generation: 856426289965711235950003093504.000000 -2015-04-21 15:04:42,394 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:04:42,395 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:42,395 - __main__ - INFO - Finished run 1. -2015-04-21 15:04:42,395 - __main__ - INFO - Starting run 2... -2015-04-21 15:04:42,395 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:42,397 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:42,397 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:42,399 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:42,399 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:42,399 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:42,400 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,401 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,405 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,405 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,408 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,409 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,412 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,412 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,415 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,415 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,418 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,418 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,421 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,422 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,425 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,425 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,429 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,429 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,434 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,434 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,439 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,440 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,443 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,444 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,447 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,447 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,450 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,450 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,453 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:42,454 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:42,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:42,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:42,457 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:04:42,457 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:42,457 - __main__ - INFO - Fitness Value of Best Individual: 206337757792622363452349874176.000000 -2015-04-21 15:04:42,457 - __main__ - INFO - Average Fitness Value of Generation: 37992067989543039497152757760.000000 -2015-04-21 15:04:42,457 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:04:42,458 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:42,458 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:42,458 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:42,459 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,459 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,462 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,462 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,467 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,469 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,474 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,474 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,479 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,479 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,482 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,483 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,485 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,486 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,488 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,489 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,492 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,492 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,495 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,496 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,499 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,499 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,502 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,503 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,506 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,509 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,513 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,514 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,518 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:42,518 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:42,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:42,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:42,521 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:04:42,521 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:42,521 - __main__ - INFO - Fitness Value of Best Individual: 532912519002224468952398954496.000000 -2015-04-21 15:04:42,522 - __main__ - INFO - Average Fitness Value of Generation: 99605691043912292937173565440.000000 -2015-04-21 15:04:42,522 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:04:42,522 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:42,522 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:42,523 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:42,523 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,524 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,527 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,527 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,530 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,530 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,533 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,534 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,537 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,537 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,541 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,542 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,547 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,548 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,552 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,552 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,557 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,557 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,560 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,561 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,564 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,564 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,567 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,568 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,571 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,571 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,574 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,575 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,578 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:42,578 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:42,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:42,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:42,582 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:04:42,583 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:42,583 - __main__ - INFO - Fitness Value of Best Individual: 768403914771086839074355412992.000000 -2015-04-21 15:04:42,583 - __main__ - INFO - Average Fitness Value of Generation: 160993698973286785468751413248.000000 -2015-04-21 15:04:42,583 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:04:42,584 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:42,584 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:42,584 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:42,585 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,586 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,591 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,592 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,596 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,596 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,599 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,600 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,603 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,603 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,606 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,606 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,609 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,610 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,613 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,614 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,616 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,617 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,620 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,621 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,626 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,627 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,632 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,633 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,636 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,637 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,641 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,641 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,645 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:42,646 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:42,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:42,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:42,652 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:04:42,652 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:04:42,653 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 -2015-04-21 15:04:42,653 - __main__ - INFO - Average Fitness Value of Generation: 242727681399967511105180270592.000000 -2015-04-21 15:04:42,653 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:04:42,654 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:42,654 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:42,654 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:42,654 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,655 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,662 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,663 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,669 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,670 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,674 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,675 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,678 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,678 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,681 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,682 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,685 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,685 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,688 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,688 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,693 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,693 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,697 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,697 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,702 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,703 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,709 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,709 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,714 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,714 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,718 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,718 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,722 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:42,723 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:42,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:42,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:42,725 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:04:42,725 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:42,726 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,726 - __main__ - INFO - Average Fitness Value of Generation: 432601704608711133917586915328.000000 -2015-04-21 15:04:42,726 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:04:42,726 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:42,726 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:42,726 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:42,727 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,728 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,731 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,731 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,734 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,735 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,738 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,739 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,744 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,746 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,749 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,750 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,755 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,755 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,758 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,758 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,761 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,762 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,764 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,765 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,768 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,769 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,772 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,772 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,775 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,775 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,780 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,781 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,786 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:42,787 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:42,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:42,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:42,792 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:04:42,792 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:42,792 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,792 - __main__ - INFO - Average Fitness Value of Generation: 647371307849145975120316071936.000000 -2015-04-21 15:04:42,792 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:04:42,793 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:42,793 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:42,793 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:42,794 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,795 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,798 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,798 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,801 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,801 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,804 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,805 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,808 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,809 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,811 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,812 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,815 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,815 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,820 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,821 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,826 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,827 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,831 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,832 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,835 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,835 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,838 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,839 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,842 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,842 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,845 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,846 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,849 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:42,849 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:42,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:42,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:42,852 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:04:42,852 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:04:42,852 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:04:42,853 - __main__ - INFO - Average Fitness Value of Generation: 707039878322758105560778801152.000000 -2015-04-21 15:04:42,853 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:04:42,853 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:42,853 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:42,853 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:42,854 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,855 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,858 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,858 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,861 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,862 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,866 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,867 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,871 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,872 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,875 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,875 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,878 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,879 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,882 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,882 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,885 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,886 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,889 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,889 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,892 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,892 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,895 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,896 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,901 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,902 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,906 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,907 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,909 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:42,910 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:42,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:42,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:42,913 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:04:42,913 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:42,913 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,913 - __main__ - INFO - Average Fitness Value of Generation: 726433331289984535361553956864.000000 -2015-04-21 15:04:42,913 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:04:42,913 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:42,913 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:42,914 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:42,914 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,915 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,918 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,918 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,921 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,922 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,925 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,926 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,929 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,930 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,933 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,939 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,940 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,944 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,944 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,948 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,951 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,951 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,954 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,955 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,958 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,958 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,961 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,962 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,965 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,965 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,969 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:42,969 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:42,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:42,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:42,973 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:04:42,973 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:42,973 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:42,973 - __main__ - INFO - Average Fitness Value of Generation: 635631626071904855768006918144.000000 -2015-04-21 15:04:42,973 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:04:42,974 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:42,974 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:42,974 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:42,975 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,976 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,980 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,981 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,984 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,984 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,987 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,988 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,991 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,991 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,994 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,994 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:42,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:42,997 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:42,998 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:42,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,001 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,001 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,004 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,005 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,010 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,011 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,015 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,016 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,019 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,019 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,022 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,023 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,025 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,026 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,029 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,029 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,032 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:04:43,032 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:43,032 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,032 - __main__ - INFO - Average Fitness Value of Generation: 830863156635000089344756154368.000000 -2015-04-21 15:04:43,032 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:04:43,033 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:43,033 - __main__ - INFO - Finished run 2. -2015-04-21 15:04:43,033 - __main__ - INFO - Starting run 3... -2015-04-21 15:04:43,033 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:43,034 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:43,034 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:43,036 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:43,036 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:43,036 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:43,037 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,037 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,040 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,041 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,045 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,046 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,051 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,052 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,054 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,055 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,058 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,058 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,061 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,062 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,065 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,065 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,069 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,069 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,072 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,073 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,078 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,085 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,085 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,090 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,090 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,093 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,094 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,097 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,097 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,100 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:04:43,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,100 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-21 15:04:43,100 - __main__ - INFO - Average Fitness Value of Generation: 167711725284021286121303441408.000000 -2015-04-21 15:04:43,100 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:04:43,101 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:43,101 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:43,101 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:43,101 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,102 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,105 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,106 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,108 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,109 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,112 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,112 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,115 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,116 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,120 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,120 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,124 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,125 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,129 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,130 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,133 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,134 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,137 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,137 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,140 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,141 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,144 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,145 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,147 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,148 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,151 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,152 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,155 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,156 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,160 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:04:43,161 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:43,161 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,161 - __main__ - INFO - Average Fitness Value of Generation: 587014995017612337107318079488.000000 -2015-04-21 15:04:43,161 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:04:43,162 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:43,162 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:43,162 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:43,163 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,164 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,167 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,168 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,171 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,171 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,174 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,175 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,178 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,178 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,181 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,181 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,184 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,185 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,188 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,189 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,195 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,196 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,200 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,201 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,205 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,205 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,209 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,209 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,212 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,212 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,216 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,216 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,219 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,219 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,223 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:04:43,223 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:43,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,223 - __main__ - INFO - Average Fitness Value of Generation: 532615038501281080915450134528.000000 -2015-04-21 15:04:43,223 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:04:43,224 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:43,224 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:43,224 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:43,224 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,225 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,229 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,230 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,234 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,235 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,239 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,240 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,244 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,244 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,247 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,247 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,250 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,251 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,254 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,254 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,257 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,258 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,261 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,261 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,264 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,265 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,268 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,269 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,272 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,273 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,278 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,279 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,282 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,282 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,286 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:04:43,286 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:43,286 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,286 - __main__ - INFO - Average Fitness Value of Generation: 725189918002376040808479457280.000000 -2015-04-21 15:04:43,286 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:04:43,287 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:43,287 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:43,287 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:43,287 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,288 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,291 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,291 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,294 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,294 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,297 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,298 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,300 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,301 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,304 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,305 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,309 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,309 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,314 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,314 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,318 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,318 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,321 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,322 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,324 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,325 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,328 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,328 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,331 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,332 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,335 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,335 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,338 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,338 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,342 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:04:43,342 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:43,342 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,342 - __main__ - INFO - Average Fitness Value of Generation: 614593386369711038964065894400.000000 -2015-04-21 15:04:43,342 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:04:43,343 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:43,343 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:43,343 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:43,344 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,344 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,349 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,349 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,354 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,355 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,357 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,358 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,361 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,362 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,364 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,365 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,368 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,368 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,371 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,371 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,375 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,375 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,378 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,379 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,382 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,382 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,387 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,387 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,391 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,392 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,395 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,396 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,399 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,399 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,402 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:04:43,402 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:43,402 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,402 - __main__ - INFO - Average Fitness Value of Generation: 1068071153654391129034218012672.000000 -2015-04-21 15:04:43,402 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:04:43,403 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:43,403 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:43,403 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:43,404 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,404 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,407 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,408 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,410 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,411 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,414 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,415 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,419 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,420 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,424 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,425 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,429 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,429 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,432 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,433 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,436 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,437 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,440 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,440 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,443 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,444 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,447 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,447 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,450 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,450 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,453 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,454 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,459 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:43,459 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:43,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:43,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:43,463 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:04:43,464 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:43,464 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,464 - __main__ - INFO - Average Fitness Value of Generation: 851473798780235374981000724480.000000 -2015-04-21 15:04:43,464 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:04:43,464 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:43,465 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:43,465 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:43,465 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,466 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,469 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,469 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,472 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,472 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,475 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,476 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,479 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,479 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,482 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,483 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,486 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,486 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,489 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,490 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,494 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,495 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,499 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,500 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,503 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,504 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,507 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,507 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,510 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,510 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,513 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,514 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,516 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:43,517 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:43,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:43,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:43,519 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:04:43,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,520 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,520 - __main__ - INFO - Average Fitness Value of Generation: 899993482741021743731921911808.000000 -2015-04-21 15:04:43,520 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:04:43,520 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:43,520 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:43,521 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:43,521 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,522 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,525 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,526 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,531 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,532 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,536 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,537 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,540 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,540 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,543 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,544 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,547 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,547 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,550 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,550 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,553 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,553 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,556 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,557 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,560 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,561 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,565 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,568 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,572 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,573 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,576 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,577 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,579 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:43,580 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:43,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:43,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:43,583 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:04:43,583 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:43,583 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,583 - __main__ - INFO - Average Fitness Value of Generation: 853395613527018379178152034304.000000 -2015-04-21 15:04:43,583 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:04:43,584 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:43,584 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:43,584 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:43,585 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,585 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,588 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,589 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,591 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,592 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,595 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,595 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,598 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,599 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,603 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,603 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,607 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,608 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,612 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,613 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,616 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,616 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,619 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,619 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,623 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,623 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,627 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,627 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,630 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,631 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,635 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,636 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,639 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:43,640 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:43,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:43,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:43,646 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:04:43,647 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:04:43,647 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,647 - __main__ - INFO - Average Fitness Value of Generation: 938191949391118360931546955776.000000 -2015-04-21 15:04:43,647 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:04:43,648 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:43,648 - __main__ - INFO - Finished run 3. -2015-04-21 15:04:43,648 - __main__ - INFO - Starting run 4... -2015-04-21 15:04:43,649 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:43,651 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:43,651 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:43,654 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:43,654 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:43,654 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:43,655 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,656 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,661 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,661 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,665 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,665 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,668 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,669 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,672 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,674 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,679 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,680 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,685 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,686 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,691 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,692 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,695 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,695 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,699 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,699 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,702 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,703 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,707 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,708 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,711 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,712 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,715 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,715 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,720 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:43,722 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:43,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:43,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:43,726 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:04:43,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:04:43,726 - __main__ - INFO - Fitness Value of Best Individual: 760551106801129649655726997504.000000 -2015-04-21 15:04:43,727 - __main__ - INFO - Average Fitness Value of Generation: 108282860043767339981423509504.000000 -2015-04-21 15:04:43,727 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:04:43,728 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:43,728 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:43,728 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:43,729 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,729 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,733 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,733 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,736 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,737 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,740 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,740 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,743 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,744 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,747 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,747 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,750 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,751 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,754 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,755 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,761 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,762 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,766 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,767 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,770 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,771 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,774 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,775 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,778 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,778 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,781 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,782 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,785 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:43,785 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:43,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:43,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:43,788 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:04:43,788 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,788 - __main__ - INFO - Fitness Value of Best Individual: 760551106801129649655726997504.000000 -2015-04-21 15:04:43,788 - __main__ - INFO - Average Fitness Value of Generation: 306951168553644186832782491648.000000 -2015-04-21 15:04:43,788 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:04:43,789 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:43,789 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:43,789 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:43,790 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,791 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,794 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,794 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,800 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,801 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,805 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,806 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,810 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,810 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,813 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,814 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,816 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,817 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,820 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,820 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,824 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,824 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,827 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,827 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,830 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,830 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,834 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,835 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,841 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,842 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,846 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,847 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,851 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:43,851 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:43,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:43,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:43,854 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:04:43,854 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,854 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:04:43,854 - __main__ - INFO - Average Fitness Value of Generation: 488203228121566798599262568448.000000 -2015-04-21 15:04:43,855 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:04:43,855 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:43,855 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:43,855 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:43,856 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,856 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,859 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,859 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,862 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,863 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,866 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,867 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,869 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,870 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,873 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,873 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,877 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,877 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,881 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,882 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,887 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,887 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,890 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,891 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,894 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,894 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,897 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,898 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,901 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,901 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,904 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,904 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,907 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:43,908 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:43,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:43,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:43,911 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:04:43,911 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,911 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,911 - __main__ - INFO - Average Fitness Value of Generation: 628278262430765583645842341888.000000 -2015-04-21 15:04:43,911 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:04:43,912 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:43,912 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:43,912 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:43,913 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,913 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,918 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,919 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,924 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,924 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,927 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,928 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,931 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,932 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,934 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,935 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,938 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,938 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,941 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,942 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,945 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,945 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,948 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,948 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,951 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,952 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,956 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,957 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,961 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,962 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,965 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,965 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,968 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:43,968 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:43,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:43,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:43,971 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:04:43,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:43,972 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:43,972 - __main__ - INFO - Average Fitness Value of Generation: 789965944750017940249087311872.000000 -2015-04-21 15:04:43,972 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:04:43,972 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:43,972 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:43,972 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:43,973 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,974 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,976 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,977 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,980 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,981 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,984 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,985 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,988 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,988 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,993 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,993 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:43,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:43,998 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:43,998 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:43,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,001 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,002 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,005 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,005 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,008 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,009 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,011 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,012 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,015 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,015 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,018 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,019 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,022 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,022 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,026 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,026 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,031 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:04:44,031 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:44,031 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,031 - __main__ - INFO - Average Fitness Value of Generation: 697642743589513051492912726016.000000 -2015-04-21 15:04:44,032 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:04:44,033 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:44,033 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:44,033 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:44,034 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,035 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,038 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,038 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,041 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,041 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,044 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,045 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,048 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,049 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,052 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,053 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,056 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,056 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,059 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,060 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,064 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,065 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,068 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,069 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,073 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,074 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,077 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,077 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,080 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,081 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,084 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,084 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,087 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,088 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,091 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:04:44,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:44,091 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:44,091 - __main__ - INFO - Average Fitness Value of Generation: 757752724512888888032051068928.000000 -2015-04-21 15:04:44,091 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:04:44,092 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:44,092 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:44,092 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:44,093 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,093 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,096 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,097 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,101 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,102 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,106 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,107 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,110 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,111 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,114 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,114 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,118 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,118 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,121 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,122 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,125 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,126 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,129 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,129 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,134 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,135 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,141 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,142 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,146 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,147 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,150 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,150 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,153 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,153 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,156 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:04:44,156 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:44,156 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:44,157 - __main__ - INFO - Average Fitness Value of Generation: 758491795013212605190783369216.000000 -2015-04-21 15:04:44,157 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:04:44,157 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:44,157 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:44,157 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:44,158 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,158 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,161 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,162 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,165 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,165 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,168 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,169 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,172 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,173 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,179 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,180 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,184 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,185 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,189 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,189 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,193 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,193 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,197 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,198 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,202 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,202 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,205 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,206 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,209 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,210 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,214 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,216 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,220 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,221 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,225 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:04:44,225 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:44,225 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:44,225 - __main__ - INFO - Average Fitness Value of Generation: 945843078386560380936776581120.000000 -2015-04-21 15:04:44,226 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:04:44,226 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:44,226 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:44,226 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:44,227 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,227 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,230 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,231 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,234 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,234 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,237 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,238 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,241 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,241 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,244 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,245 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,248 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,249 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,254 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,256 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,260 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,261 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,265 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,265 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,268 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,269 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,272 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,272 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,275 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,276 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,279 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,279 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,282 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,282 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,285 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:04:44,285 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:44,285 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,285 - __main__ - INFO - Average Fitness Value of Generation: 781334442246960058244173660160.000000 -2015-04-21 15:04:44,285 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:04:44,286 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:44,286 - __main__ - INFO - Finished run 4. -2015-04-21 15:04:44,286 - __main__ - INFO - Starting run 5... -2015-04-21 15:04:44,286 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:44,287 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:44,288 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:44,289 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:44,289 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:44,289 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:44,290 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,291 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,295 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,296 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,301 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,301 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,304 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,305 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,308 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,308 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,311 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,311 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,314 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,315 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,318 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,319 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,322 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,323 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,326 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,326 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,331 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,332 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,337 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,338 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,341 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,341 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,345 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,345 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,348 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,349 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,352 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:04:44,352 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:44,352 - __main__ - INFO - Fitness Value of Best Individual: 817072806887546894156245762048.000000 -2015-04-21 15:04:44,352 - __main__ - INFO - Average Fitness Value of Generation: 68869851322382883429157961728.000000 -2015-04-21 15:04:44,352 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:04:44,353 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:44,353 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:44,353 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:44,354 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,354 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,357 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,358 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,361 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,362 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,367 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,368 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,373 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,373 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,378 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,378 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,381 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,382 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,385 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,385 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,388 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,389 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,392 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,392 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,395 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,396 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,399 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,399 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,403 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,405 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,411 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,412 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,416 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,417 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:44,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:44,420 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:04:44,420 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:44,420 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 -2015-04-21 15:04:44,420 - __main__ - INFO - Average Fitness Value of Generation: 295745186031171867695214755840.000000 -2015-04-21 15:04:44,420 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:04:44,421 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:44,421 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:44,421 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:44,422 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,422 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,425 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,426 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,429 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,430 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,432 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,433 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,436 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,436 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,439 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,439 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,444 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,445 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,450 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,451 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,455 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,456 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,459 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,460 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,462 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,463 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,465 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,466 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,469 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,470 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,473 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,473 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,476 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:44,476 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:44,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:44,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:44,481 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:04:44,481 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:44,481 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:04:44,481 - __main__ - INFO - Average Fitness Value of Generation: 578441295078748168602567835648.000000 -2015-04-21 15:04:44,481 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:04:44,482 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:44,482 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:44,482 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:44,484 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,484 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,489 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,490 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,495 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,495 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,498 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,498 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,501 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,501 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,504 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,505 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,508 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,508 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,511 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,511 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,514 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,515 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,518 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,518 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,523 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,524 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,529 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,530 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,534 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,535 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,538 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,538 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,542 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:44,542 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:44,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:44,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:44,545 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:04:44,545 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:44,545 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 -2015-04-21 15:04:44,545 - __main__ - INFO - Average Fitness Value of Generation: 533973700397469817318716473344.000000 -2015-04-21 15:04:44,545 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:04:44,546 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:44,546 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:44,546 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:44,547 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,548 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,551 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,551 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,554 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,555 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,557 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,558 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,561 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,561 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,565 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,566 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,571 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,571 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,575 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,575 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,578 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,578 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,581 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,582 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,585 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,585 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,588 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,588 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,591 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,592 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,595 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,595 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,598 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:44,599 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:44,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:44,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:44,604 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:04:44,604 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:04:44,604 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:04:44,604 - __main__ - INFO - Average Fitness Value of Generation: 550694810114644649028175790080.000000 -2015-04-21 15:04:44,604 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:04:44,605 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:44,605 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:44,605 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:44,606 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,607 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,611 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,612 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,614 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,615 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,618 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,619 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,622 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,622 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,625 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,626 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,629 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,630 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,633 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,634 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,637 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,638 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,643 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,644 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,651 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,652 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,656 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,656 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,660 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,661 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,664 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,665 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,668 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:44,668 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:44,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:44,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:44,672 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:04:44,673 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:44,673 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:44,673 - __main__ - INFO - Average Fitness Value of Generation: 487998657491746333506125430784.000000 -2015-04-21 15:04:44,673 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:04:44,675 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:44,675 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:44,675 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:44,676 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,677 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,682 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,683 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,687 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,687 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,692 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,692 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,695 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,696 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,699 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,699 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,702 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,703 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,707 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,708 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,711 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,712 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,715 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,716 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,720 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,720 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,725 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,726 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,729 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,729 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,732 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,733 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,736 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:44,736 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:44,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:44,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:44,739 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:04:44,739 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:44,740 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,740 - __main__ - INFO - Average Fitness Value of Generation: 743194183158992911584003620864.000000 -2015-04-21 15:04:44,740 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:04:44,740 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:44,740 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:44,740 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:44,741 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,742 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,744 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,745 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,748 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,748 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,751 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,752 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,756 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,757 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,761 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,762 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,765 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,766 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,769 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,770 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,772 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,773 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,776 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,776 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,779 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,779 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,782 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,783 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,786 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,786 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,790 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,791 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,795 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:44,796 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:44,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:44,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:44,799 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:04:44,799 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:44,800 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,800 - __main__ - INFO - Average Fitness Value of Generation: 960130931842307416240131407872.000000 -2015-04-21 15:04:44,800 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:04:44,800 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:44,800 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:44,801 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:44,801 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,802 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,805 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,805 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,808 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,809 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,812 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,813 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,816 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,816 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,819 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,819 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,823 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,825 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,831 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,832 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,836 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,837 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,840 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,840 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,844 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,844 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,847 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,847 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,850 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,851 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,854 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,854 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,857 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:44,857 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:44,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:44,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:44,861 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:04:44,861 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:44,861 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,861 - __main__ - INFO - Average Fitness Value of Generation: 888218012725904267296406241280.000000 -2015-04-21 15:04:44,861 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:04:44,862 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:44,862 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:44,862 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:44,863 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,864 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,870 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,871 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,875 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,876 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,879 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,879 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,882 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,882 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,885 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,886 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,889 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,889 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,892 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,892 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,896 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,896 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,899 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,899 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,903 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,903 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,908 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,909 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,914 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,914 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,917 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,918 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,921 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:44,921 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:44,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:44,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:44,924 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:04:44,924 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:44,924 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:44,924 - __main__ - INFO - Average Fitness Value of Generation: 849408264024344884244895498240.000000 -2015-04-21 15:04:44,924 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:04:44,925 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:44,925 - __main__ - INFO - Finished run 5. -2015-04-21 15:04:44,925 - __main__ - INFO - Starting run 6... -2015-04-21 15:04:44,925 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:44,926 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:44,927 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:44,928 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:44,928 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:44,928 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:44,929 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,929 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,932 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,933 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,936 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,936 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,941 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,943 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,948 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,949 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,954 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,955 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,958 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,958 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,961 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,961 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,965 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,965 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,968 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,969 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,972 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,972 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,976 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,976 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,980 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,981 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,986 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,987 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,991 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:44,992 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:44,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:44,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:44,995 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:04:44,995 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:44,995 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:04:44,995 - __main__ - INFO - Average Fitness Value of Generation: 229939318341410114325656371200.000000 -2015-04-21 15:04:44,996 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:04:44,996 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:44,996 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:44,996 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:44,997 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:44,997 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:44,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,000 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,000 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,004 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,004 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,007 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,007 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,010 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,011 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,014 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,014 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,017 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,018 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,022 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,023 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,027 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,028 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,030 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,031 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,034 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,034 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,037 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,038 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,041 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,041 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,045 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,045 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,048 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,048 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,051 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:04:45,051 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:45,051 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,051 - __main__ - INFO - Average Fitness Value of Generation: 698504595964065450301000253440.000000 -2015-04-21 15:04:45,052 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:04:45,052 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:45,052 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:45,052 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:45,053 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,053 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,058 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,058 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,063 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,063 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,067 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,068 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,071 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,071 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,074 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,074 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,077 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,078 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,081 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,081 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,084 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,085 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,088 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,088 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,091 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,092 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,096 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,096 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,101 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,101 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,104 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,104 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,107 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,108 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,111 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:04:45,111 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:45,111 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,111 - __main__ - INFO - Average Fitness Value of Generation: 1031543513522225631703353786368.000000 -2015-04-21 15:04:45,111 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:04:45,112 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:45,112 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:45,112 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:45,113 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,113 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,116 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,116 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,119 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,120 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,123 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,124 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,127 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,128 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,133 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,133 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,137 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,138 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,141 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,142 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,145 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,145 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,148 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,148 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,151 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,152 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,155 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,155 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,158 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,158 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,161 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,162 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,165 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,165 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,169 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:04:45,169 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:45,169 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,170 - __main__ - INFO - Average Fitness Value of Generation: 852649242654223397521123704832.000000 -2015-04-21 15:04:45,170 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:04:45,170 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:45,170 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:45,170 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:45,171 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,173 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,176 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,176 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,179 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,180 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,183 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,184 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,187 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,187 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,190 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,190 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,194 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,194 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,197 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,197 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,201 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,201 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,206 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,207 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,211 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,211 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,214 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,215 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,218 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,218 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,221 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,222 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,225 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,226 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,229 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:04:45,229 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:04:45,229 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,229 - __main__ - INFO - Average Fitness Value of Generation: 1014464255769858136160830750720.000000 -2015-04-21 15:04:45,229 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:04:45,230 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:45,230 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:45,230 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:45,230 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,231 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,234 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,234 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,237 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,238 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,242 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,243 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,248 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,248 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,251 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,252 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,255 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,256 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,259 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,259 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,262 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,263 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,266 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,266 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,269 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,270 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,273 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,273 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,278 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,278 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,282 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,283 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,287 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,287 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,290 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:04:45,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:45,291 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,291 - __main__ - INFO - Average Fitness Value of Generation: 983017347103134805470029545472.000000 -2015-04-21 15:04:45,291 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:04:45,291 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:45,291 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:45,292 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:45,292 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,293 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,295 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,296 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,299 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,299 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,302 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,302 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,305 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,306 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,309 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,310 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,313 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,315 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,320 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,320 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,323 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,324 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,327 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,327 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,330 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,331 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,334 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,335 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,338 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,338 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,341 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,341 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,344 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,345 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,349 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:04:45,349 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:45,349 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,349 - __main__ - INFO - Average Fitness Value of Generation: 820876006455016101060263542784.000000 -2015-04-21 15:04:45,349 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:04:45,350 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:45,350 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:45,350 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:45,351 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,352 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,356 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,357 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,360 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,360 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,363 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,364 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,367 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,367 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,370 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,370 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,373 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,374 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,377 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,377 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,380 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,382 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,386 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,387 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,392 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,393 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,397 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,398 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,401 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,402 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,405 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,405 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,408 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:45,409 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:45,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:45,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:45,412 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:04:45,412 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 -2015-04-21 15:04:45,412 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,413 - __main__ - INFO - Average Fitness Value of Generation: 862798204206010247383275798528.000000 -2015-04-21 15:04:45,413 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:04:45,413 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:45,413 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:45,413 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:45,414 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,414 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,417 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,418 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,421 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,421 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,426 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,427 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,432 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,433 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,437 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,438 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,441 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,441 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,444 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,445 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,448 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,448 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,451 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,451 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,454 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,454 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,457 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,458 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,461 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,463 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,469 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,469 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,474 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:45,475 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:45,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:45,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:45,478 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:04:45,478 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:45,479 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,479 - __main__ - INFO - Average Fitness Value of Generation: 882520324105605326627235954688.000000 -2015-04-21 15:04:45,479 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:04:45,479 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:45,479 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:45,480 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:45,480 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,481 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,484 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,484 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,487 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,487 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,490 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,491 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,494 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,495 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,497 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,498 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,502 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,502 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,507 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,508 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,513 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,513 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,518 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,518 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,521 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,522 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,525 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,525 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,528 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,529 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,532 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,532 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,535 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:45,536 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:45,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:45,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:45,539 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:04:45,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:45,539 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,539 - __main__ - INFO - Average Fitness Value of Generation: 942502257375854471279139618816.000000 -2015-04-21 15:04:45,539 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:04:45,540 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:45,540 - __main__ - INFO - Finished run 6. -2015-04-21 15:04:45,540 - __main__ - INFO - Starting run 7... -2015-04-21 15:04:45,540 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:45,542 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:45,542 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:45,544 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:45,545 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:45,545 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:45,546 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,547 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,552 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,552 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,557 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,557 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,560 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,561 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,563 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,564 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,566 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,567 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,569 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,572 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,575 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,576 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,579 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,579 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,582 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,583 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,586 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,587 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,590 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,591 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,595 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,595 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,599 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,599 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,602 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:45,603 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:45,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:45,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:45,606 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:04:45,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:04:45,606 - __main__ - INFO - Fitness Value of Best Individual: 693059209730176842726283149312.000000 -2015-04-21 15:04:45,606 - __main__ - INFO - Average Fitness Value of Generation: 42971314526378516615715094528.000000 -2015-04-21 15:04:45,606 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:04:45,607 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:45,607 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:45,607 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:45,608 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,608 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,611 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,612 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,615 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,615 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,618 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,619 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,623 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,624 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,628 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,629 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,634 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,634 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,639 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,639 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,645 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,645 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,648 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,649 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,654 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,656 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,660 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,661 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,666 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,667 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,675 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,676 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,685 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:45,686 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:45,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:45,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:45,693 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:04:45,693 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:45,693 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 -2015-04-21 15:04:45,694 - __main__ - INFO - Average Fitness Value of Generation: 352722427039690677642657267712.000000 -2015-04-21 15:04:45,694 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:04:45,695 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:45,695 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:45,695 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:45,696 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,696 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,703 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,704 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,711 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,711 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,718 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,718 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,723 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,724 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,727 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,728 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,730 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,731 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,734 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,735 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,738 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,738 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,743 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,743 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,746 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,746 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,751 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,752 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,757 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,758 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,762 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,763 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,766 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:45,767 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:45,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:45,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:45,770 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:04:45,770 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:45,770 - __main__ - INFO - Fitness Value of Best Individual: 970401776948916843082575511552.000000 -2015-04-21 15:04:45,770 - __main__ - INFO - Average Fitness Value of Generation: 375591929359778415976539750400.000000 -2015-04-21 15:04:45,770 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:04:45,771 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:45,771 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:45,771 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:45,771 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,772 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,775 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,775 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,778 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,779 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,782 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,782 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,785 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,785 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,790 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,791 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,797 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,798 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,802 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,802 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,806 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,806 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,809 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,810 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,813 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,813 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,816 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,817 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,820 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,820 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,823 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,824 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,827 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:45,828 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:45,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:45,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:45,834 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:04:45,834 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:04:45,834 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:04:45,835 - __main__ - INFO - Average Fitness Value of Generation: 616129045967825140931541073920.000000 -2015-04-21 15:04:45,835 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:04:45,835 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:45,836 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:45,836 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:45,837 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,837 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,842 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,842 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,845 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,846 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,849 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,849 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,852 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,852 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,855 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,856 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,859 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,859 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,862 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,863 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,866 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,866 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,871 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,873 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,877 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,877 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,882 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,882 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,885 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,886 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,889 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,889 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,893 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:45,893 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:45,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:45,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:45,896 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:04:45,897 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:45,897 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:45,897 - __main__ - INFO - Average Fitness Value of Generation: 652320919798623579781508104192.000000 -2015-04-21 15:04:45,897 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:04:45,897 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:45,897 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:45,898 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:45,898 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,899 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,902 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,902 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,907 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,907 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,913 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,914 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,918 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,918 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,922 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,923 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,926 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,927 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,930 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,930 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,933 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,934 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,936 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,937 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,939 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,940 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,943 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,944 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,948 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,948 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,954 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,955 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,959 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:45,960 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:45,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:45,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:45,963 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:04:45,964 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:45,964 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-21 15:04:45,964 - __main__ - INFO - Average Fitness Value of Generation: 787406614340811304028598173696.000000 -2015-04-21 15:04:45,964 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:04:45,964 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:45,965 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:45,965 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:45,965 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,966 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,969 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,969 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,972 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,972 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,975 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,976 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,979 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,980 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,982 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,983 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,988 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,988 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,994 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,994 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:45,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:45,999 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:45,999 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:45,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,002 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,003 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,006 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,007 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,009 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,010 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,013 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,014 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,017 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,017 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,020 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,021 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,025 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:04:46,025 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:46,025 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:46,026 - __main__ - INFO - Average Fitness Value of Generation: 736797786601975411731435880448.000000 -2015-04-21 15:04:46,026 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:04:46,027 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:46,027 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:46,027 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:46,028 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,029 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,034 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,035 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,039 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,040 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,043 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,043 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,046 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,047 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,050 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,050 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,053 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,054 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,057 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,058 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,060 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,061 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,065 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,066 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,071 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,073 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,078 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,078 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,081 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,082 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,085 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,085 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,088 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,089 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,092 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:04:46,092 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:46,092 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:46,092 - __main__ - INFO - Average Fitness Value of Generation: 908258416304816780580686397440.000000 -2015-04-21 15:04:46,093 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:04:46,093 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:46,093 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:46,093 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:46,094 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,094 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,097 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,098 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,101 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,103 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,108 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,109 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,113 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,114 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,119 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,119 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,122 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,123 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,126 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,126 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,129 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,129 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,132 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,133 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,136 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,137 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,140 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,140 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,145 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,146 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,151 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,152 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,156 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,157 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,160 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:04:46,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:46,160 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,160 - __main__ - INFO - Average Fitness Value of Generation: 881043694856394842710019670016.000000 -2015-04-21 15:04:46,160 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:04:46,161 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:46,161 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:46,161 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:46,162 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,162 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,166 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,166 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,169 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,170 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,173 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,173 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,176 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,177 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,180 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,181 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,186 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,186 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,191 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,191 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,196 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,196 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,199 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,200 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,203 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,203 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,206 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,207 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,209 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,210 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,213 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,213 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,216 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,217 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,220 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:04:46,221 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:46,221 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,221 - __main__ - INFO - Average Fitness Value of Generation: 697765837155898381655089348608.000000 -2015-04-21 15:04:46,221 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:04:46,222 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:46,222 - __main__ - INFO - Finished run 7. -2015-04-21 15:04:46,222 - __main__ - INFO - Starting run 8... -2015-04-21 15:04:46,222 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:46,224 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:46,225 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:46,228 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:46,228 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:46,228 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:46,229 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,229 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,234 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,235 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,238 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,239 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,242 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,242 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,246 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,246 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,249 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,250 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,253 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,254 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,257 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,258 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,263 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,263 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,269 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,270 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,274 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,275 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,278 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,279 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,282 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,282 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,285 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,286 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,289 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,290 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,293 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:04:46,293 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:46,293 - __main__ - INFO - Fitness Value of Best Individual: 664832635991501045760000000000.000000 -2015-04-21 15:04:46,293 - __main__ - INFO - Average Fitness Value of Generation: 53513589824212039375767207936.000000 -2015-04-21 15:04:46,293 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:04:46,294 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:46,294 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:46,294 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:46,295 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,295 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,298 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,299 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,302 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,303 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,308 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,308 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,313 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,314 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,317 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,317 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,320 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,320 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,324 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,324 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,327 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,328 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,331 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,331 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,334 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,335 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,338 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,339 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,343 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,349 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,349 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,352 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,352 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,356 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:04:46,356 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:04:46,356 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,356 - __main__ - INFO - Average Fitness Value of Generation: 618042666517394769089916829696.000000 -2015-04-21 15:04:46,356 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:04:46,357 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:46,357 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:46,357 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:46,357 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,358 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,361 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,361 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,364 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,364 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,367 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,368 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,372 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,372 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,378 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,379 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,384 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,385 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,389 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,389 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,392 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,393 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,395 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,396 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,399 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,399 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,402 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,403 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,406 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,406 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,409 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,409 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,412 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:46,413 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:46,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:46,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:46,417 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:04:46,417 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:46,418 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:04:46,418 - __main__ - INFO - Average Fitness Value of Generation: 673197403271870521123677405184.000000 -2015-04-21 15:04:46,418 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:04:46,418 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:46,419 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:46,419 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:46,419 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,420 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,425 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,425 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,428 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,429 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,432 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,433 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,435 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,436 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,439 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,440 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,443 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,443 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,446 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,447 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,451 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,452 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,458 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,459 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,463 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,464 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,467 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,467 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,470 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,471 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,474 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,474 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,477 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:46,477 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:46,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:46,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:46,480 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:04:46,480 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:46,481 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:04:46,481 - __main__ - INFO - Average Fitness Value of Generation: 780157835252120035279861972992.000000 -2015-04-21 15:04:46,481 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:04:46,481 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:46,481 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:46,481 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:46,482 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,482 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,485 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,486 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,490 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,490 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,496 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,497 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,502 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,503 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,507 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,507 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,511 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,511 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,514 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,515 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,518 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,519 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,522 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,522 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,526 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,526 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,531 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,532 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,538 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,538 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,543 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,543 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,546 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:46,547 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:46,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:46,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:46,549 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:04:46,550 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:46,550 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:04:46,550 - __main__ - INFO - Average Fitness Value of Generation: 733857313852708407943503020032.000000 -2015-04-21 15:04:46,550 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:04:46,550 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:46,551 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:46,551 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:46,551 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,552 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,555 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,555 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,558 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,559 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,562 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,562 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,565 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,566 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,570 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,571 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,576 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,577 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,581 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,582 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,585 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,585 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,589 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,589 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,593 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,593 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,596 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,597 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,600 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,600 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,603 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,604 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,607 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:46,607 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:46,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:46,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:46,611 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:04:46,611 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:46,611 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,611 - __main__ - INFO - Average Fitness Value of Generation: 642296455478226998980765548544.000000 -2015-04-21 15:04:46,611 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:04:46,613 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:46,613 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:46,613 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:46,614 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,614 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,618 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,619 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,622 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,623 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,626 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,626 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,630 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,631 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,635 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,636 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,639 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,640 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,645 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,645 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,652 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,652 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,662 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,663 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,667 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,668 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,672 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,673 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,675 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,676 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,679 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,679 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,682 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:46,683 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:46,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:46,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:46,685 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:04:46,686 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:46,686 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,686 - __main__ - INFO - Average Fitness Value of Generation: 745674467384795650245393383424.000000 -2015-04-21 15:04:46,686 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:04:46,686 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:46,686 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:46,686 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:46,687 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,688 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,691 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,692 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,696 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,697 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,703 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,703 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,707 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,708 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,711 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,711 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,714 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,715 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,718 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,721 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,722 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,725 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,725 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,730 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,730 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,735 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,736 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,739 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,739 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,742 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,743 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,745 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:46,746 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:46,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:46,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:46,749 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:04:46,749 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:04:46,749 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,749 - __main__ - INFO - Average Fitness Value of Generation: 827288670063721681871098085376.000000 -2015-04-21 15:04:46,749 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:04:46,749 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:46,750 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:46,750 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:46,750 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,751 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,754 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,754 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,757 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,757 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,760 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,761 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,764 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,764 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,769 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,770 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,774 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,774 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,777 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,778 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,781 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,781 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,784 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,784 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,787 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,788 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,791 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,792 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,794 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,795 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,799 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,800 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,806 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:46,807 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:46,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:46,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:46,811 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:04:46,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:46,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,811 - __main__ - INFO - Average Fitness Value of Generation: 809417429439415577777700601856.000000 -2015-04-21 15:04:46,812 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:04:46,812 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:46,812 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:46,812 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:46,813 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,813 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,816 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,817 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,819 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,820 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,823 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,823 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,826 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,827 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,829 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,830 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,832 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,833 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,837 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,838 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,844 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,844 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,848 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,849 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,853 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,853 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,856 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,856 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,859 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,859 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,862 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,863 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,866 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:46,866 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:46,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:46,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:46,869 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:04:46,869 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:04:46,869 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:46,869 - __main__ - INFO - Average Fitness Value of Generation: 961452770670578695462962855936.000000 -2015-04-21 15:04:46,870 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:04:46,870 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:46,870 - __main__ - INFO - Finished run 8. -2015-04-21 15:04:46,870 - __main__ - INFO - Starting run 9... -2015-04-21 15:04:46,870 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:04:46,872 - __main__ - INFO - Initialization Complete. -2015-04-21 15:04:46,872 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:04:46,873 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:04:46,874 - __main__ - INFO - Generation 0 running... -2015-04-21 15:04:46,874 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:04:46,875 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,875 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,880 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,881 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,887 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,887 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,891 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,892 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,895 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,895 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,898 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,899 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,901 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,902 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,905 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,905 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,908 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,909 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,911 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,912 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,915 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,915 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,920 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,920 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,925 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,926 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,930 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,931 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,934 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:04:46,934 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:04:46,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:04:46,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:04:46,937 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:04:46,937 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:04:46,937 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:04:46,938 - __main__ - INFO - Average Fitness Value of Generation: 216203123986408382983485521920.000000 -2015-04-21 15:04:46,938 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:04:46,938 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:04:46,938 - __main__ - INFO - Generation 1 running... -2015-04-21 15:04:46,938 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:04:46,939 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,940 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,943 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,943 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,946 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,947 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,950 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,950 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,953 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,954 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,959 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,960 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,965 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,966 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,971 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,971 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,974 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,975 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,978 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,978 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,981 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,981 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,984 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,985 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,988 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,988 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,991 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,991 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:46,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:46,994 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:04:46,995 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:04:46,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:04:47,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:04:47,000 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:04:47,000 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:47,000 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,001 - __main__ - INFO - Average Fitness Value of Generation: 654181357577634128525451591680.000000 -2015-04-21 15:04:47,001 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:04:47,002 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:04:47,002 - __main__ - INFO - Generation 2 running... -2015-04-21 15:04:47,002 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:04:47,003 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,003 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,008 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,009 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,012 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,012 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,016 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,016 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,019 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,019 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,023 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,023 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,026 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,027 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,029 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,030 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,033 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,033 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,038 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,039 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,044 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,044 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,048 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,049 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,052 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,052 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,055 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,056 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,058 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:04:47,059 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:04:47,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:04:47,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:04:47,062 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:04:47,062 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:47,062 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,062 - __main__ - INFO - Average Fitness Value of Generation: 845102073643960425185619738624.000000 -2015-04-21 15:04:47,062 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:04:47,062 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:04:47,063 - __main__ - INFO - Generation 3 running... -2015-04-21 15:04:47,063 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:04:47,063 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,064 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,066 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,067 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,070 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,070 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,073 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,073 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,077 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,077 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,082 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,083 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,088 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,088 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,091 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,092 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,095 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,096 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,098 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,099 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,101 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,102 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,105 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,105 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,108 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,109 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,114 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,115 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,119 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:04:47,120 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:04:47,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:04:47,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:04:47,124 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:04:47,124 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:04:47,124 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,125 - __main__ - INFO - Average Fitness Value of Generation: 943462119328644416772388159488.000000 -2015-04-21 15:04:47,125 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:04:47,125 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:04:47,125 - __main__ - INFO - Generation 4 running... -2015-04-21 15:04:47,125 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:04:47,126 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,127 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,130 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,130 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,133 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,133 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,136 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,137 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,140 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,140 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,144 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,144 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,147 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,148 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,153 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,153 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,159 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,159 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,164 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,165 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,167 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,168 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,171 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,171 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,174 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,175 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,178 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,178 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,181 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:04:47,181 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:04:47,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:04:47,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:04:47,184 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:04:47,184 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:04:47,184 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,184 - __main__ - INFO - Average Fitness Value of Generation: 917574848615360604618377658368.000000 -2015-04-21 15:04:47,185 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:04:47,185 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:04:47,185 - __main__ - INFO - Generation 5 running... -2015-04-21 15:04:47,185 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:04:47,186 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,186 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,190 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,191 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,197 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,198 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,202 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,202 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,206 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,207 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,210 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,210 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,213 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,213 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,216 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,217 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,219 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,220 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,223 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,224 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,226 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,227 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,231 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,233 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,238 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,238 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,243 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,243 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,247 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:04:47,247 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:04:47,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:04:47,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:04:47,250 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:04:47,250 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:47,250 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,250 - __main__ - INFO - Average Fitness Value of Generation: 907376762699121332958613471232.000000 -2015-04-21 15:04:47,250 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:04:47,251 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:04:47,251 - __main__ - INFO - Generation 6 running... -2015-04-21 15:04:47,251 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:04:47,252 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,252 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,255 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,256 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,259 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,259 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,262 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,262 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,265 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,265 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,270 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,271 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,276 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,277 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,281 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,282 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,286 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,287 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,290 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,290 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,293 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,294 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,296 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,297 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,300 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,301 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,304 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,305 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,309 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:04:47,310 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:04:47,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:04:47,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:04:47,315 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:04:47,316 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:04:47,316 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,316 - __main__ - INFO - Average Fitness Value of Generation: 873415754578774382376740978688.000000 -2015-04-21 15:04:47,316 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:04:47,317 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:04:47,317 - __main__ - INFO - Generation 7 running... -2015-04-21 15:04:47,317 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:04:47,318 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,318 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,323 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,323 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,326 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,327 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,329 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,330 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,332 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,333 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,336 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,336 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,339 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,340 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,342 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,343 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,346 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,347 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,352 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,353 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,358 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,358 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,362 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,363 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,366 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,367 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,370 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,370 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,373 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:04:47,374 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:04:47,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:04:47,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:04:47,377 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:04:47,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:04:47,377 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,377 - __main__ - INFO - Average Fitness Value of Generation: 932988950936366023047949320192.000000 -2015-04-21 15:04:47,377 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:04:47,378 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:04:47,378 - __main__ - INFO - Generation 8 running... -2015-04-21 15:04:47,378 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:04:47,379 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,379 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,382 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,383 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,386 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,387 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,393 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,394 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,398 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,399 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,402 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,403 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,406 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,407 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,410 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,410 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,413 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,413 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,416 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,417 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,420 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,420 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,423 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,424 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,429 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,431 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,436 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,436 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,441 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:04:47,441 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:04:47,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:04:47,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:04:47,444 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:04:47,444 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:47,444 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,445 - __main__ - INFO - Average Fitness Value of Generation: 818683177643499042325179400192.000000 -2015-04-21 15:04:47,445 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:04:47,445 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:04:47,445 - __main__ - INFO - Generation 9 running... -2015-04-21 15:04:47,445 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:04:47,446 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,447 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,449 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,450 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,453 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,453 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,456 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,457 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,460 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,460 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,463 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,464 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,468 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,469 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,474 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,475 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,479 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,480 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,483 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,484 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,487 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,487 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,490 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,491 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,494 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,494 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,497 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,498 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,501 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:04:47,501 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:04:47,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:04:47,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:04:47,504 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:04:47,505 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:04:47,505 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:04:47,505 - __main__ - INFO - Average Fitness Value of Generation: 964104860050425421176697257984.000000 -2015-04-21 15:04:47,505 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:04:47,506 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:04:47,506 - __main__ - INFO - Finished run 9. -2015-04-21 15:04:47,506 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:05:53,065 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:05:53,065 - __main__ - INFO - Program Arguments: -2015-04-21 15:05:53,066 - __main__ - INFO - plot=True -2015-04-21 15:05:53,066 - __main__ - INFO - autoscale=True -2015-04-21 15:05:53,066 - __main__ - INFO - G=10 -2015-04-21 15:05:53,066 - __main__ - INFO - l=20 -2015-04-21 15:05:53,066 - __main__ - INFO - experiment_number=1 -2015-04-21 15:05:53,066 - __main__ - INFO - N=30 -2015-04-21 15:05:53,066 - __main__ - INFO - pc=0.6 -2015-04-21 15:05:53,066 - __main__ - INFO - ce=False -2015-04-21 15:05:53,066 - __main__ - INFO - ff= -2015-04-21 15:05:53,066 - __main__ - INFO - learn=False -2015-04-21 15:05:53,066 - __main__ - INFO - NG=20 -2015-04-21 15:05:53,067 - __main__ - INFO - nruns=10 -2015-04-21 15:05:53,067 - __main__ - INFO - pm=0.033 -2015-04-21 15:05:53,067 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:05:53,067 - __main__ - INFO - Starting run 0... -2015-04-21 15:05:53,067 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:53,068 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:53,068 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:53,070 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:53,070 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:53,070 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:53,071 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,071 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,074 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,075 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,079 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,083 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,083 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,086 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,087 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,090 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,091 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,094 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,095 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,100 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,100 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,105 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,106 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,109 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,109 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,112 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,113 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,116 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,116 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,119 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,119 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,123 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,124 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,126 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,127 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,130 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:05:53,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:53,130 - __main__ - INFO - Fitness Value of Best Individual: 1000000000000000019884624838656.000000 -2015-04-21 15:05:53,131 - __main__ - INFO - Average Fitness Value of Generation: 151497404371806760191555272704.000000 -2015-04-21 15:05:53,131 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:05:53,131 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:53,131 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:53,131 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:53,132 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,132 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,137 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,138 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,141 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,142 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,145 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,145 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,148 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,149 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,152 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,153 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,156 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,157 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,160 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,160 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,164 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,164 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,167 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,168 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,172 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,172 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,177 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,177 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,181 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,181 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,184 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,185 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,189 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,192 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:05:53,192 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:53,192 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:53,192 - __main__ - INFO - Average Fitness Value of Generation: 500848228245446515778411036672.000000 -2015-04-21 15:05:53,192 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:05:53,193 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:53,193 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:53,193 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:53,193 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,194 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,197 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,198 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,201 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,201 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,205 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,206 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,211 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,212 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,215 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,216 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,219 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,219 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,222 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,223 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,226 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,227 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,229 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,230 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,233 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,233 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,236 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,237 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,240 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,241 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,245 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,250 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,250 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,253 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:05:53,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:53,253 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:53,253 - __main__ - INFO - Average Fitness Value of Generation: 582565299746096774011663941632.000000 -2015-04-21 15:05:53,253 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:05:53,253 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:53,254 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:53,254 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:53,254 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,254 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,257 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,258 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,261 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,261 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,264 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,265 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,268 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,268 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,271 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,272 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,275 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,275 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,279 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,280 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,284 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,285 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,288 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,288 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,291 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,292 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,295 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,295 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,298 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,298 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,302 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,302 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,305 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,306 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,309 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:05:53,310 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:53,310 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,310 - __main__ - INFO - Average Fitness Value of Generation: 665636266845645040404309999616.000000 -2015-04-21 15:05:53,310 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:05:53,310 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:53,310 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:53,310 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:53,311 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,311 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,316 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,316 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,321 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,321 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,325 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,325 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,328 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,328 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,331 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,331 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,334 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,335 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,338 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,338 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,341 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,342 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,345 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,345 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,348 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,349 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,352 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,353 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,358 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,358 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,361 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,362 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,365 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,366 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,369 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:05:53,369 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:53,369 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:53,369 - __main__ - INFO - Average Fitness Value of Generation: 827081419640586514758520274944.000000 -2015-04-21 15:05:53,369 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:05:53,369 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:53,369 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:53,369 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:53,370 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,371 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,374 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,374 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,378 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,378 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,381 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,382 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,385 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,386 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,390 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,391 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,395 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,395 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,398 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,399 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,402 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,402 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,405 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,406 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,409 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,409 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,412 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,412 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,415 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,416 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,419 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,419 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,423 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:53,423 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:53,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:53,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:53,428 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:05:53,428 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:53,428 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,428 - __main__ - INFO - Average Fitness Value of Generation: 874344022464300681379253846016.000000 -2015-04-21 15:05:53,428 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:05:53,428 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:53,428 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:53,429 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:53,429 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,430 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,433 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,434 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,437 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,437 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,440 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,441 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,444 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,444 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,448 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,448 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,451 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,452 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,455 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,456 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,460 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,461 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,465 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,466 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,469 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,470 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,473 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,473 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,476 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,476 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,479 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,480 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,483 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:53,484 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:53,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:53,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:53,487 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:05:53,487 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:53,487 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,487 - __main__ - INFO - Average Fitness Value of Generation: 858957792247802410444735381504.000000 -2015-04-21 15:05:53,487 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:05:53,487 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:53,487 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:53,487 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:53,488 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,488 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,491 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,492 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,497 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,497 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,502 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,503 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,506 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,507 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,510 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,510 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,513 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,514 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,517 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,518 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,521 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,521 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,524 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,525 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,528 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,529 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,534 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,534 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,539 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,539 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,542 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,543 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,546 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:53,546 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:53,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:53,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:53,549 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:05:53,549 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:53,549 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,550 - __main__ - INFO - Average Fitness Value of Generation: 893062310947823105184607764480.000000 -2015-04-21 15:05:53,550 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:05:53,550 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:53,550 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:53,550 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:53,550 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,551 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,554 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,554 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,557 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,558 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,561 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,561 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,564 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,565 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,570 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,571 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,575 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,576 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,579 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,579 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,583 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,583 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,587 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,587 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,591 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,591 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,594 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,594 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,598 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,598 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,603 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,604 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,608 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:53,609 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:53,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:53,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:53,612 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:05:53,612 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:05:53,612 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,613 - __main__ - INFO - Average Fitness Value of Generation: 857340399746705457199143976960.000000 -2015-04-21 15:05:53,613 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:05:53,613 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:53,613 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:53,613 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:53,614 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,614 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,617 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,618 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,621 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,621 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,625 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,625 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,629 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,630 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,633 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,634 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,637 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,638 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,642 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,643 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,649 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,650 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,656 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,656 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,662 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,663 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,666 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,667 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,670 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,670 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,674 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,676 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,681 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:53,681 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:53,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:53,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:53,685 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:05:53,685 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:05:53,685 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:53,685 - __main__ - INFO - Average Fitness Value of Generation: 1050154715660976401979050819584.000000 -2015-04-21 15:05:53,685 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:05:53,686 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:53,686 - __main__ - INFO - Finished run 0. -2015-04-21 15:05:53,686 - __main__ - INFO - Starting run 1... -2015-04-21 15:05:53,686 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:53,687 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:53,687 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:53,689 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:53,689 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:53,689 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:53,690 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,691 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,695 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,695 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,699 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,699 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,702 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,703 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,706 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,706 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,710 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,711 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,714 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,715 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,719 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,719 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,724 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,724 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,729 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,729 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,732 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,732 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,735 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,736 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,739 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,739 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,742 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,743 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,746 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:53,746 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:53,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:53,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:53,749 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:05:53,750 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:53,750 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 -2015-04-21 15:05:53,750 - __main__ - INFO - Average Fitness Value of Generation: 31869612570020350798304641024.000000 -2015-04-21 15:05:53,750 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:05:53,750 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:53,750 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:53,750 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:53,751 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,752 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,759 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,759 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,762 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,763 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,766 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,766 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,769 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,769 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,773 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,773 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,776 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,777 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,780 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,780 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,783 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,784 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,788 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,789 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,794 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,795 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,798 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,799 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,802 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,803 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,806 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,806 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,809 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:53,810 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:53,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:53,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:53,813 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:05:53,813 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:53,813 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 -2015-04-21 15:05:53,813 - __main__ - INFO - Average Fitness Value of Generation: 103694853232860068977869586432.000000 -2015-04-21 15:05:53,813 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:05:53,813 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:53,814 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:53,814 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:53,814 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,815 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,818 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,818 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,823 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,824 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,829 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,830 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,834 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,834 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,837 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,838 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,841 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,841 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,844 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,845 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,848 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,848 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,852 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,852 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,855 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,856 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,862 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,863 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,868 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,869 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,873 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,873 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,877 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:53,877 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:53,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:53,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:53,880 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:05:53,880 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:53,880 - __main__ - INFO - Fitness Value of Best Individual: 877347265250300646040274993152.000000 -2015-04-21 15:05:53,881 - __main__ - INFO - Average Fitness Value of Generation: 170718793921520692219248377856.000000 -2015-04-21 15:05:53,881 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:05:53,881 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:53,881 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:53,881 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:53,881 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,882 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,885 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,886 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,889 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,890 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,893 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,893 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,896 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,897 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,901 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,902 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,906 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,907 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,911 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,911 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,914 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,915 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,918 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,919 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,922 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,922 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,926 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,926 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,929 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,930 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,934 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,935 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,941 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:53,941 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:53,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:53,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:53,946 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:05:53,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:53,946 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 -2015-04-21 15:05:53,946 - __main__ - INFO - Average Fitness Value of Generation: 344052014598635154230720069632.000000 -2015-04-21 15:05:53,946 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:05:53,946 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:53,946 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:53,947 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:53,947 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,948 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,951 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,951 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,954 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,955 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,958 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,959 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,962 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,962 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,965 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,966 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,969 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,969 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,972 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,973 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,978 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,978 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,984 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,984 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,988 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,988 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,992 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,992 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,995 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,995 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:53,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:53,999 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:53,999 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:53,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,003 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,003 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,006 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:05:54,006 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:54,006 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:05:54,006 - __main__ - INFO - Average Fitness Value of Generation: 584860138790387040966389268480.000000 -2015-04-21 15:05:54,006 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:05:54,006 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:54,006 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:54,007 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:54,007 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,008 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,011 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,012 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,017 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,018 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,022 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,023 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,026 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,027 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,030 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,030 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,033 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,034 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,037 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,037 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,040 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,040 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,043 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,044 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,047 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,048 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,053 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,054 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,058 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,058 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,061 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,062 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,065 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,065 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,068 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:05:54,069 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:54,069 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:05:54,069 - __main__ - INFO - Average Fitness Value of Generation: 679080573991849947614094032896.000000 -2015-04-21 15:05:54,069 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:05:54,069 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:54,069 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:54,069 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:54,070 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,070 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,074 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,074 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,077 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,078 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,081 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,081 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,085 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,086 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,091 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,091 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,094 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,095 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,098 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,098 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,101 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,102 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,105 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,105 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,108 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,109 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,112 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,113 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,116 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,116 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,119 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,120 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,124 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,125 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,130 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:05:54,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:54,130 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,130 - __main__ - INFO - Average Fitness Value of Generation: 707164477078133167502521270272.000000 -2015-04-21 15:05:54,130 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:05:54,130 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:54,130 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:54,130 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:54,131 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,132 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,135 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,135 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,138 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,139 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,142 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,143 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,146 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,146 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,149 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,150 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,153 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,153 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,157 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,158 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,163 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,163 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,167 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,168 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,171 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,171 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,175 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,175 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,178 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,179 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,182 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,182 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,185 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,186 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,190 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:05:54,190 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:54,190 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:54,190 - __main__ - INFO - Average Fitness Value of Generation: 697571891807967434046443618304.000000 -2015-04-21 15:05:54,190 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:05:54,191 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:54,191 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:54,191 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:54,192 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,193 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,198 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,199 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,203 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,204 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,207 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,207 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,211 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,212 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,214 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,215 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,218 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,219 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,222 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,222 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,225 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,226 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,231 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,232 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,237 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,238 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,243 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,244 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,247 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,247 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,251 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,251 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,254 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,254 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,257 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:05:54,257 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:54,258 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,258 - __main__ - INFO - Average Fitness Value of Generation: 713364805558336162146799321088.000000 -2015-04-21 15:05:54,258 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:05:54,258 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:54,258 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:54,258 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:54,259 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,259 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,262 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,263 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,266 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,266 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,272 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,273 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,277 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,278 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,283 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,283 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,286 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,287 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,290 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,290 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,294 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,294 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,297 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,298 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,301 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,302 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,305 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,305 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,309 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,310 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,315 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,316 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,319 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,320 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,323 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:05:54,323 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:54,323 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,323 - __main__ - INFO - Average Fitness Value of Generation: 963341417086183014474759274496.000000 -2015-04-21 15:05:54,323 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:05:54,323 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:54,323 - __main__ - INFO - Finished run 1. -2015-04-21 15:05:54,323 - __main__ - INFO - Starting run 2... -2015-04-21 15:05:54,324 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:54,325 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:54,325 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:54,327 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:54,327 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:54,327 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:54,327 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,328 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,331 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,333 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,336 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,337 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,340 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,340 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,344 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,345 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,350 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,350 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,355 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,355 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,359 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,359 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,362 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,362 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,366 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,367 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,370 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,371 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,374 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,375 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,378 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,378 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,382 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,383 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,388 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,389 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,392 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:05:54,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:54,392 - __main__ - INFO - Fitness Value of Best Individual: 859730442259143119716453711872.000000 -2015-04-21 15:05:54,392 - __main__ - INFO - Average Fitness Value of Generation: 52169376050505011239374028800.000000 -2015-04-21 15:05:54,392 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:05:54,392 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:54,392 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:54,392 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:54,393 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,394 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,397 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,397 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,400 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,401 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,404 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,404 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,407 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,407 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,410 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,410 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,413 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,414 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,417 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,418 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,423 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,424 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,428 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,429 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,432 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,432 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,435 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,435 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,438 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,439 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,442 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,443 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,446 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:54,446 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:54,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:54,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:54,449 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:05:54,449 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:54,449 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:05:54,450 - __main__ - INFO - Average Fitness Value of Generation: 223041327080625693582067499008.000000 -2015-04-21 15:05:54,450 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:05:54,450 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:54,450 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:54,450 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:54,450 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,451 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,456 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,456 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,460 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,462 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,465 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,465 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,468 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,469 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,472 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,473 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,476 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,476 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,479 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,479 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,482 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,483 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,486 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,487 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,491 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,493 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,497 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,498 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,501 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,502 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,505 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,505 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,508 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:54,509 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:54,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:54,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:54,512 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:05:54,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:54,512 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:05:54,512 - __main__ - INFO - Average Fitness Value of Generation: 401810844247636635961576652800.000000 -2015-04-21 15:05:54,512 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:05:54,512 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:54,512 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:54,512 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:54,513 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,513 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,516 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,517 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,520 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,520 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,523 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,524 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,527 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,528 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,532 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,533 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,537 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,537 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,540 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,541 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,544 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,544 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,547 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,548 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,551 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,553 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,556 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,556 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,559 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,560 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,565 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,565 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,570 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:54,571 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:54,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:54,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:54,574 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:05:54,574 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:54,575 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:54,575 - __main__ - INFO - Average Fitness Value of Generation: 402288144424354865368228954112.000000 -2015-04-21 15:05:54,575 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:05:54,575 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:54,575 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:54,575 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:54,576 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,576 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,579 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,579 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,582 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,583 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,586 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,586 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,589 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,590 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,593 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,593 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,597 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,598 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,602 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,603 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,607 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,608 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,611 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,611 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,615 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,615 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,618 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,618 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,622 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,623 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,626 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,627 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,630 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:54,630 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:54,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:54,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:54,634 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:05:54,634 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:54,634 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,634 - __main__ - INFO - Average Fitness Value of Generation: 653809701753625732550378913792.000000 -2015-04-21 15:05:54,634 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:05:54,634 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:54,635 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:54,635 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:54,635 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,636 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,640 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,641 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,647 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,648 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,652 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,653 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,656 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,657 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,662 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,662 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,666 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,666 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,669 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,670 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,673 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,674 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,678 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,679 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,683 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,684 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,686 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,687 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,687 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,692 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,692 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,695 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,696 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,699 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:54,699 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:54,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:54,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:54,702 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:05:54,702 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:54,703 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,703 - __main__ - INFO - Average Fitness Value of Generation: 863429152214764170257838899200.000000 -2015-04-21 15:05:54,703 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:05:54,703 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:54,703 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:54,703 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:54,704 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,704 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,707 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,708 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,711 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,711 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,716 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,716 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,721 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,721 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,724 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,725 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,728 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,729 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,732 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,732 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,736 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,736 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,739 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,740 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,743 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,743 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,746 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,747 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,752 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,753 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,757 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,758 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,761 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:54,761 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:54,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:54,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:54,764 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:05:54,764 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:54,764 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,765 - __main__ - INFO - Average Fitness Value of Generation: 698696322123329001015803379712.000000 -2015-04-21 15:05:54,765 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:05:54,765 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:54,765 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:54,765 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:54,765 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,766 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,769 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,770 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,773 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,774 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,777 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,777 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,780 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,780 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,785 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,786 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,790 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,790 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,794 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,795 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,797 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,798 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,801 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,802 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,805 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,806 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,809 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,809 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,812 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,813 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,815 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,816 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,821 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:54,822 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:54,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:54,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:54,827 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:05:54,827 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:54,827 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,827 - __main__ - INFO - Average Fitness Value of Generation: 871379091628283400137966878720.000000 -2015-04-21 15:05:54,827 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:05:54,828 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:54,828 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:54,828 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:54,829 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,829 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,833 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,833 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,836 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,837 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,840 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,840 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,843 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,844 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,847 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,847 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,850 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,851 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,855 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,856 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,862 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,863 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,867 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,868 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,872 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,872 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,875 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,876 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,879 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,879 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,882 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,883 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,886 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:54,887 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:54,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:54,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:54,890 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:05:54,890 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:54,890 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,890 - __main__ - INFO - Average Fitness Value of Generation: 882648271411551178327442063360.000000 -2015-04-21 15:05:54,890 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:05:54,890 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:54,890 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:54,890 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:54,891 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,891 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,895 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,895 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,900 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,900 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,905 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,905 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,909 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,909 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,912 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,913 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,916 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,916 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,919 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,920 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,923 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,924 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,927 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,928 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,931 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,931 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,936 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,937 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,941 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,942 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,945 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,946 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,949 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:54,949 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:54,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:54,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:54,952 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:05:54,952 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:05:54,952 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:54,952 - __main__ - INFO - Average Fitness Value of Generation: 900504156366304446654080614400.000000 -2015-04-21 15:05:54,952 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:05:54,952 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:54,952 - __main__ - INFO - Finished run 2. -2015-04-21 15:05:54,953 - __main__ - INFO - Starting run 3... -2015-04-21 15:05:54,953 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:54,954 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:54,954 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:54,956 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:54,956 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:54,956 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:54,956 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,957 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,960 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,961 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,964 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,964 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,967 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,968 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,973 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,974 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,979 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,980 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,983 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,983 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,986 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,987 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,990 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,991 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,994 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,995 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:54,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:54,998 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:54,999 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:54,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,002 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,002 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,007 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,008 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,013 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,014 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,017 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,017 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,020 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:05:55,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:55,020 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 -2015-04-21 15:05:55,020 - __main__ - INFO - Average Fitness Value of Generation: 91584932558341178788367302656.000000 -2015-04-21 15:05:55,021 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:05:55,021 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:55,021 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:55,021 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:55,022 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,022 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,025 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,026 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,029 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,029 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,032 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,032 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,035 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,036 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,039 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,040 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,044 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,044 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,049 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,049 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,053 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,053 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,057 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,057 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,060 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,061 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,064 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,064 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,067 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,068 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,071 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,071 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,074 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,075 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,080 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:05:55,080 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:55,080 - __main__ - INFO - Fitness Value of Best Individual: 1020180963368077445928346189824.000000 -2015-04-21 15:05:55,080 - __main__ - INFO - Average Fitness Value of Generation: 250000250596358483707359657984.000000 -2015-04-21 15:05:55,080 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:05:55,080 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:55,081 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:55,081 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:55,081 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,082 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,087 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,087 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,090 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,091 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,094 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,094 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,097 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,098 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,101 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,101 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,104 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,104 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,107 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,108 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,112 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,113 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,118 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,119 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,124 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,124 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,128 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,128 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,132 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,132 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,135 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,135 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,139 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,139 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,142 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:05:55,142 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:05:55,142 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:05:55,143 - __main__ - INFO - Average Fitness Value of Generation: 475638281487772799244399804416.000000 -2015-04-21 15:05:55,143 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:05:55,143 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:55,143 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:55,143 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:55,144 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,144 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,147 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,148 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,153 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,155 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,159 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,159 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,163 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,164 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,167 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,168 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,171 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,171 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,175 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,175 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,178 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,179 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,182 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,182 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,186 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,187 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,192 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,193 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,198 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,199 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,204 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,204 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,208 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,208 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,211 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:05:55,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:55,211 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,211 - __main__ - INFO - Average Fitness Value of Generation: 560092580455965854735511060480.000000 -2015-04-21 15:05:55,212 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:05:55,212 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:55,212 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:55,212 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:55,213 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,213 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,216 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,216 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,219 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,220 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,223 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,223 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,227 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,228 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,234 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,234 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,239 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,239 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,242 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,243 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,246 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,246 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,249 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,250 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,253 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,253 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,256 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,257 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,260 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,260 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,264 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,265 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,271 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,272 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,276 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:05:55,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:55,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,277 - __main__ - INFO - Average Fitness Value of Generation: 455537427067646560364350406656.000000 -2015-04-21 15:05:55,277 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:05:55,277 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:55,277 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:55,277 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:55,278 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,278 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,281 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,282 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,285 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,286 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,289 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,289 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,292 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,292 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,295 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,296 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,299 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,299 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,303 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,304 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,310 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,311 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,315 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,316 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,320 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,320 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,323 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,324 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,327 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,327 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,330 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,331 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,334 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,335 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,338 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:05:55,338 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:55,338 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,338 - __main__ - INFO - Average Fitness Value of Generation: 626895432917555782084812865536.000000 -2015-04-21 15:05:55,338 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:05:55,338 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:55,338 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:55,338 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:55,339 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,340 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,344 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,344 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,350 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,351 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,355 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,356 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,359 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,360 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,363 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,363 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,366 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,367 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,370 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,371 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,374 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,374 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,377 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,378 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,381 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,382 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,388 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,389 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,394 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,394 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,398 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,398 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,401 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:55,402 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:55,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:55,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:55,406 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:05:55,406 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:05:55,406 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,406 - __main__ - INFO - Average Fitness Value of Generation: 938876696911514193678288551936.000000 -2015-04-21 15:05:55,406 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:05:55,406 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:55,406 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:55,406 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:55,407 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,408 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,411 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,412 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,415 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,415 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,419 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,419 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,424 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,425 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,429 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,430 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,435 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,435 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,438 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,439 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,442 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,443 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,446 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,446 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,449 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,450 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,453 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,453 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,456 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,457 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,462 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,463 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,468 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:55,469 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:55,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:55,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:55,474 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:05:55,474 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:05:55,474 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,474 - __main__ - INFO - Average Fitness Value of Generation: 969542761802518980851872563200.000000 -2015-04-21 15:05:55,474 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:05:55,474 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:55,474 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:55,474 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:55,475 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,475 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,479 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,479 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,482 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,483 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,486 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,487 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,490 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,490 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,494 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,494 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,497 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,499 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,505 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,505 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,510 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,511 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,514 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,515 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,518 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,518 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,521 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,523 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,526 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,527 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,530 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,530 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,534 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:55,534 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:55,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:55,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:55,539 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:05:55,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:05:55,540 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,540 - __main__ - INFO - Average Fitness Value of Generation: 904451644284690824497364729856.000000 -2015-04-21 15:05:55,540 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:05:55,540 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:55,540 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:55,540 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:55,542 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,543 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,547 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,548 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,552 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,552 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,556 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,556 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,559 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,560 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,563 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,563 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,566 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,567 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,570 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,570 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,574 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,575 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,581 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,581 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,586 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,587 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,591 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,591 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,595 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,595 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,598 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,598 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,602 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:55,602 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:55,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:55,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:55,605 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:05:55,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:55,605 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,605 - __main__ - INFO - Average Fitness Value of Generation: 937963527461487799796007698432.000000 -2015-04-21 15:05:55,606 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:05:55,606 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:55,606 - __main__ - INFO - Finished run 3. -2015-04-21 15:05:55,606 - __main__ - INFO - Starting run 4... -2015-04-21 15:05:55,606 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:55,607 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:55,607 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:55,609 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:55,609 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:55,609 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:55,610 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,610 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,615 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,616 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,621 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,622 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,627 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,628 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,631 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,633 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,636 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,637 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,642 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,643 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,647 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,647 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,652 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,653 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,661 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,662 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,669 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,669 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,673 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,674 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,678 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,681 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,686 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,686 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,692 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:55,693 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:55,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:55,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:55,697 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:05:55,697 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:55,697 - __main__ - INFO - Fitness Value of Best Individual: 800550158557650266709393670144.000000 -2015-04-21 15:05:55,697 - __main__ - INFO - Average Fitness Value of Generation: 79064677668290192719361343488.000000 -2015-04-21 15:05:55,697 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:05:55,697 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:55,698 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:55,698 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:55,699 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,700 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,704 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,706 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,710 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,711 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,714 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,714 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,717 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,718 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,721 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,722 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,726 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,727 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,730 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,730 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,734 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,736 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,740 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,741 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,745 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,745 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,748 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,749 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,752 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,753 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,756 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,757 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,760 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:55,760 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:55,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:55,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:55,763 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:05:55,764 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:55,764 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 -2015-04-21 15:05:55,764 - __main__ - INFO - Average Fitness Value of Generation: 354629087139996392967949516800.000000 -2015-04-21 15:05:55,764 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:05:55,764 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:55,764 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:55,764 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:55,765 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,765 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,768 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,769 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,773 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,774 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,778 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,778 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,782 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,782 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,785 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,785 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,789 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,789 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,792 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,794 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,797 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,797 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,800 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,800 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,804 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,804 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,809 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,810 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,815 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,815 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,818 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,819 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,822 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:55,822 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:55,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:55,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:55,825 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:05:55,825 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:55,825 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,826 - __main__ - INFO - Average Fitness Value of Generation: 499010286127765754670171029504.000000 -2015-04-21 15:05:55,826 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:05:55,826 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:55,826 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:55,826 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:55,826 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,827 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,830 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,831 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,834 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,835 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,838 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,838 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,842 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,842 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,847 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,848 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,851 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,852 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,855 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,856 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,859 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,860 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,863 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,863 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,866 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,867 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,870 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,870 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,873 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,874 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,878 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,879 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,884 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:55,885 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:55,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:55,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:55,888 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:05:55,888 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:55,888 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,888 - __main__ - INFO - Average Fitness Value of Generation: 485028794329272852641963048960.000000 -2015-04-21 15:05:55,888 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:05:55,888 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:55,888 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:55,888 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:55,889 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,890 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,893 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,893 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,896 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,897 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,900 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,900 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,903 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,904 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,907 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,907 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,911 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,911 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,915 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,916 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,921 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,921 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,924 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,925 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,928 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,928 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,931 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,932 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,935 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,935 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,938 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,939 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,942 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:55,942 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:55,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:55,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:55,946 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:05:55,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:05:55,946 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:55,946 - __main__ - INFO - Average Fitness Value of Generation: 767004880656656840842677321728.000000 -2015-04-21 15:05:55,946 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:05:55,946 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:55,946 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:55,946 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:55,947 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,947 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,951 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,952 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,956 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,957 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,961 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,961 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,964 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,965 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,969 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,969 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,972 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,972 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,976 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,977 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,980 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,980 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,984 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,985 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,990 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,991 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,995 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,995 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:55,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:55,998 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:55,999 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:55,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,002 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,003 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,006 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,006 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,009 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:05:56,009 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:56,009 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,009 - __main__ - INFO - Average Fitness Value of Generation: 734166595594768602099697582080.000000 -2015-04-21 15:05:56,010 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:05:56,010 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:56,010 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:56,010 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:56,010 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,011 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,014 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,014 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,017 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,018 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,022 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,022 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,027 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,027 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,032 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,032 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,035 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,036 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,039 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,040 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,043 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,043 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,046 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,047 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,050 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,050 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,054 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,054 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,059 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,060 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,064 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,065 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,068 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,069 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,072 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:05:56,072 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:56,072 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,072 - __main__ - INFO - Average Fitness Value of Generation: 798163371359993108751926165504.000000 -2015-04-21 15:05:56,072 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:05:56,072 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:56,072 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:56,072 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:56,073 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,074 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,077 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,077 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,080 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,081 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,084 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,084 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,087 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,088 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,093 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,094 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,099 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,100 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,105 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,106 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,109 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,109 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,113 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,113 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,116 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,117 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,120 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,121 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,124 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,124 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,127 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,127 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,132 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,133 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,137 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:05:56,137 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:56,138 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,138 - __main__ - INFO - Average Fitness Value of Generation: 892899124441061253758628921344.000000 -2015-04-21 15:05:56,138 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:05:56,138 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:56,138 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:56,138 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:56,139 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,139 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,143 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,143 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,146 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,147 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,150 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,150 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,153 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,154 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,157 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,157 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,161 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,161 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,165 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,165 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,170 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,171 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,176 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,176 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,180 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,180 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,184 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,185 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,188 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,189 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,192 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,193 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,196 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,196 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,200 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:05:56,200 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:05:56,200 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,200 - __main__ - INFO - Average Fitness Value of Generation: 971190942097527862831947448320.000000 -2015-04-21 15:05:56,200 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:05:56,200 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:56,200 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:56,201 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:56,202 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,202 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,208 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,208 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,213 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,213 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,217 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,217 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,220 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,222 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,224 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,225 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,228 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,228 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,231 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,232 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,235 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,235 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,239 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,240 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,246 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,247 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,255 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,255 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,258 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,259 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,262 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,263 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,266 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,266 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,270 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:05:56,270 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:56,270 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,270 - __main__ - INFO - Average Fitness Value of Generation: 845916913427792202916559847424.000000 -2015-04-21 15:05:56,270 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:05:56,270 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:56,270 - __main__ - INFO - Finished run 4. -2015-04-21 15:05:56,271 - __main__ - INFO - Starting run 5... -2015-04-21 15:05:56,271 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:56,272 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:56,272 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:56,274 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:56,274 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:56,274 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:56,275 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,275 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,278 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,279 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,282 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,283 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,287 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,288 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,293 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,293 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,296 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,297 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,300 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,301 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,304 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,304 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,307 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,308 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,311 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,311 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,315 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,315 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,318 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,319 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,323 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,324 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,329 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,329 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,333 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,333 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,336 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:05:56,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:56,336 - __main__ - INFO - Fitness Value of Best Individual: 895288314394847040157593370624.000000 -2015-04-21 15:05:56,336 - __main__ - INFO - Average Fitness Value of Generation: 93716202860031260874061643776.000000 -2015-04-21 15:05:56,337 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:05:56,337 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:56,337 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:56,337 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:56,337 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,338 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,341 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,341 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,344 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,349 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,352 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,352 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,355 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,356 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,360 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,361 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,366 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,366 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,369 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,370 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,373 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,374 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,377 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,377 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,381 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,381 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,384 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,385 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,389 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,389 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,394 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,395 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,399 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:05:56,400 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:56,400 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,400 - __main__ - INFO - Average Fitness Value of Generation: 391679002189652206680895651840.000000 -2015-04-21 15:05:56,400 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:05:56,400 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:56,400 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:56,400 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:56,401 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,401 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,405 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,405 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,408 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,409 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,411 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,412 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,415 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,415 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,418 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,419 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,422 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,422 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,425 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,426 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,430 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,431 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,436 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,436 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,440 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,441 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,444 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,444 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,448 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,448 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,451 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,452 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,455 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:56,455 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:56,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:56,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:56,459 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:05:56,459 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:56,459 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,459 - __main__ - INFO - Average Fitness Value of Generation: 510710575890865798999414145024.000000 -2015-04-21 15:05:56,459 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:05:56,459 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:56,459 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:56,459 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:56,460 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,460 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,464 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,464 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,468 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,469 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,474 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,475 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,478 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,478 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,481 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,481 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,484 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,485 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,488 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,488 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,491 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,492 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,495 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,495 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,499 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,499 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,504 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,505 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,509 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,510 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,513 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,513 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,516 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:56,517 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:56,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:56,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:56,520 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:05:56,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:56,520 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,520 - __main__ - INFO - Average Fitness Value of Generation: 568294234723291409850721894400.000000 -2015-04-21 15:05:56,520 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:05:56,520 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:56,520 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:56,520 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:56,521 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,521 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,525 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,525 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,528 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,529 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,532 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,532 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,536 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,536 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,540 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,541 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,546 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,546 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,550 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,550 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,553 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,554 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,556 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,557 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,560 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,560 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,563 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,564 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,567 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,567 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,570 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,571 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,575 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:56,576 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:56,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:56,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:56,580 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:05:56,581 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:05:56,581 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,581 - __main__ - INFO - Average Fitness Value of Generation: 791098608658199426268871524352.000000 -2015-04-21 15:05:56,581 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:05:56,581 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:56,581 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:56,582 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:56,582 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,583 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,586 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,586 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,589 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,590 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,593 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,594 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,597 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,598 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,601 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,602 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,605 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,606 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,609 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,609 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,614 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,615 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,619 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,620 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,623 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,623 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,627 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,627 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,631 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,632 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,636 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,637 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,642 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:56,643 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:56,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:56,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:56,646 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:05:56,646 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:56,646 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,646 - __main__ - INFO - Average Fitness Value of Generation: 790020033163384783535362539520.000000 -2015-04-21 15:05:56,646 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:05:56,647 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:56,647 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:56,647 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:56,647 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,648 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,654 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,655 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,660 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,661 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,666 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,666 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,669 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,670 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,675 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,675 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,679 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,680 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,683 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,684 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,689 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,690 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,694 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,695 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,698 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,698 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,701 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,701 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,705 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,706 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,710 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,710 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,713 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:56,714 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:56,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:56,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:56,718 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:05:56,718 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-21 15:05:56,718 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,718 - __main__ - INFO - Average Fitness Value of Generation: 661027544241127791921461198848.000000 -2015-04-21 15:05:56,718 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:05:56,718 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:56,719 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:56,719 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:56,720 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,721 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,726 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,727 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,731 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,731 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,735 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,735 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,739 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,739 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,742 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,742 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,746 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,747 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,750 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,750 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,753 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,754 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,758 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,760 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,764 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,765 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,770 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,771 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,774 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,775 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,777 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,778 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,781 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:56,782 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:56,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:56,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:56,785 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:05:56,785 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:56,785 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,785 - __main__ - INFO - Average Fitness Value of Generation: 645681848204244192527481044992.000000 -2015-04-21 15:05:56,786 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:05:56,786 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:56,786 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:56,786 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:56,786 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,787 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,790 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,791 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,794 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,794 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,798 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,799 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,804 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,805 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,808 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,809 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,812 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,813 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,816 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,816 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,819 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,820 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,823 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,823 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,826 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,827 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,829 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,830 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,834 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,835 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,839 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,840 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,844 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:56,845 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:56,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:56,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:56,848 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:05:56,848 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:56,848 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,848 - __main__ - INFO - Average Fitness Value of Generation: 737093160511066025734826885120.000000 -2015-04-21 15:05:56,848 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:05:56,848 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:56,848 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:56,848 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:56,849 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,849 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,853 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,853 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,856 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,857 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,860 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,860 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,863 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,864 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,868 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,869 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,874 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,875 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,879 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,880 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,883 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,883 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,887 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,887 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,890 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,891 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,894 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,894 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,897 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,897 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,900 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,901 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,905 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:56,906 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:56,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:56,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:56,912 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:05:56,912 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:56,912 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:56,912 - __main__ - INFO - Average Fitness Value of Generation: 878488833931956216599150592000.000000 -2015-04-21 15:05:56,912 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:05:56,912 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:56,912 - __main__ - INFO - Finished run 5. -2015-04-21 15:05:56,912 - __main__ - INFO - Starting run 6... -2015-04-21 15:05:56,913 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:56,914 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:56,914 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:56,917 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:56,917 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:56,917 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:56,918 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,919 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,922 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,923 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,926 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,926 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,929 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,929 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,932 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,933 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,936 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,936 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,939 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,939 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,942 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,943 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,947 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,948 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,952 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,953 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,957 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,957 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,960 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,961 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,964 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,964 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,967 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,968 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,971 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:56,971 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:56,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:56,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:56,975 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:05:56,975 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:56,975 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:56,975 - __main__ - INFO - Average Fitness Value of Generation: 161184417982816007444974534656.000000 -2015-04-21 15:05:56,975 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:05:56,975 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:56,975 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:56,975 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:56,976 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,977 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,981 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,982 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,987 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,988 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,994 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,994 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:56,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:56,997 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:56,998 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:56,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,001 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,001 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,004 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,005 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,008 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,008 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,011 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,012 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,015 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,016 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,021 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,021 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,026 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,027 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,031 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,031 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,035 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,035 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,038 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,039 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,041 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:05:57,042 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:57,042 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:05:57,042 - __main__ - INFO - Average Fitness Value of Generation: 703378737148924745751296212992.000000 -2015-04-21 15:05:57,042 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:05:57,042 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:57,042 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:57,042 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:57,043 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,043 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,046 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,047 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,050 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,050 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,054 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,055 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,060 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,061 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,066 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,067 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,071 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,072 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,075 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,075 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,079 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,079 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,082 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,082 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,085 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,086 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,089 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,089 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,092 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,093 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,098 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,099 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,104 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,104 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,108 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:05:57,109 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:57,109 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:05:57,109 - __main__ - INFO - Average Fitness Value of Generation: 638223016498828696815837118464.000000 -2015-04-21 15:05:57,109 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:05:57,109 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:57,109 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:57,109 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:57,110 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,110 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,113 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,114 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,117 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,117 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,121 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,121 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,124 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,124 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,127 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,127 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,131 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,131 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,137 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,137 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,142 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,142 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,147 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,147 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,150 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,151 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,154 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,154 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,157 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,158 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,161 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,161 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,164 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,165 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,168 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:05:57,168 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:57,168 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:57,168 - __main__ - INFO - Average Fitness Value of Generation: 674709011008928485241906003968.000000 -2015-04-21 15:05:57,169 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:05:57,169 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:57,169 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:57,169 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:57,170 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,171 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,178 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,178 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,183 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,184 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,187 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,188 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,191 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,191 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,194 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,195 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,198 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,198 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,201 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,202 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,205 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,206 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,208 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,209 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,213 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,214 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,219 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,219 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,223 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,223 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,227 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,227 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,231 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,231 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,234 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:05:57,235 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:57,235 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,235 - __main__ - INFO - Average Fitness Value of Generation: 766361531689233804239141076992.000000 -2015-04-21 15:05:57,235 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:05:57,235 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:57,235 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:57,235 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:57,236 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,236 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,239 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,240 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,243 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,243 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,246 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,247 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,251 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,252 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,257 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,257 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,260 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,261 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,264 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,264 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,267 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,268 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,271 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,271 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,275 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,275 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,278 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,279 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,282 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,283 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,288 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,288 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,293 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,294 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,297 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:05:57,297 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:05:57,297 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,297 - __main__ - INFO - Average Fitness Value of Generation: 815477496941513451687091634176.000000 -2015-04-21 15:05:57,297 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:05:57,297 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:57,297 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:57,297 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:57,298 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,299 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,302 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,302 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,305 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,305 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,309 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,309 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,312 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,313 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,316 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,316 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,321 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,322 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,326 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,327 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,330 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,330 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,334 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,334 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,337 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,337 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,340 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,341 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,344 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,345 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,348 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,349 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,352 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,352 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,357 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:05:57,357 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:57,357 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,357 - __main__ - INFO - Average Fitness Value of Generation: 822756496427012562642207244288.000000 -2015-04-21 15:05:57,357 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:05:57,357 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:57,358 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:57,358 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:57,358 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,359 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,363 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,364 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,367 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,367 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,370 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,371 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,374 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,374 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,377 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,378 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,381 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,381 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,384 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,385 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,388 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,388 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,392 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,393 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,398 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,399 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,403 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,404 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,407 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,407 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,410 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,410 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,414 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:57,414 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:57,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:57,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:57,417 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:05:57,417 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:57,417 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,417 - __main__ - INFO - Average Fitness Value of Generation: 929968193110356836682855088128.000000 -2015-04-21 15:05:57,417 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:05:57,417 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:57,417 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:57,418 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:57,418 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,419 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,422 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,422 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,425 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,426 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,429 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,430 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,435 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,436 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,440 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,441 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,444 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,444 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,447 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,447 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,450 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,451 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,454 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,455 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,458 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,458 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,462 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,462 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,467 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,467 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,472 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,473 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,476 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:57,477 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:57,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:57,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:57,480 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:05:57,480 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:57,480 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,480 - __main__ - INFO - Average Fitness Value of Generation: 826841935375849548633801228288.000000 -2015-04-21 15:05:57,480 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:05:57,480 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:57,480 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:57,481 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:57,481 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,482 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,485 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,486 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,489 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,489 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,492 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,493 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,496 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,497 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,500 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,500 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,505 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,506 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,510 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,511 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,514 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,515 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,518 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,518 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,522 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,522 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,525 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,526 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,529 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,529 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,532 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,532 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,536 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:57,536 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:57,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:57,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:57,541 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:05:57,541 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:57,541 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:57,541 - __main__ - INFO - Average Fitness Value of Generation: 875689883674870810765896450048.000000 -2015-04-21 15:05:57,541 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:05:57,541 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:57,541 - __main__ - INFO - Finished run 6. -2015-04-21 15:05:57,541 - __main__ - INFO - Starting run 7... -2015-04-21 15:05:57,541 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:57,543 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:57,543 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:57,546 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:57,546 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:57,546 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:57,547 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,548 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,551 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,552 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,555 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,556 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,559 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,559 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,562 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,563 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,566 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,567 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,570 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,571 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,574 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,575 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,580 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,581 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,584 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,585 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,588 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,589 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,592 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,592 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,595 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,596 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,599 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,600 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,603 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:57,604 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:57,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:57,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:57,607 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:05:57,607 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:57,607 - __main__ - INFO - Fitness Value of Best Individual: 808773509612996894571752325120.000000 -2015-04-21 15:05:57,607 - __main__ - INFO - Average Fitness Value of Generation: 130356902012485332146455576576.000000 -2015-04-21 15:05:57,607 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:05:57,607 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:57,607 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:57,607 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:57,608 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,609 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,613 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,614 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,618 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,619 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,622 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,622 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,626 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,626 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,630 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,630 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,634 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,634 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,638 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,639 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,644 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,644 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,650 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,650 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,657 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,658 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,663 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,664 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,667 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,667 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,672 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,673 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,676 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:57,677 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:57,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:57,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:57,680 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:05:57,680 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:05:57,680 - __main__ - INFO - Fitness Value of Best Individual: 808773509612996894571752325120.000000 -2015-04-21 15:05:57,680 - __main__ - INFO - Average Fitness Value of Generation: 248570108918358850026310991872.000000 -2015-04-21 15:05:57,680 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:05:57,680 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:57,681 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:57,681 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:57,681 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,682 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,685 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,686 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,690 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,690 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,694 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,695 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,699 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,700 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,703 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,704 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,708 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,708 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,712 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,712 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,715 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,716 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,719 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,719 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,723 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,723 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,727 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,727 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,732 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,732 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,736 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,737 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,740 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:57,741 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:57,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:57,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:57,744 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:05:57,745 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:57,745 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,745 - __main__ - INFO - Average Fitness Value of Generation: 613053398346545120847469740032.000000 -2015-04-21 15:05:57,745 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:05:57,745 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:57,745 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:57,745 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:57,746 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,746 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,749 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,750 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,753 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,754 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,757 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,757 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,760 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,761 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,765 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,766 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,771 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,772 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,775 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,776 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,779 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,779 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,782 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,783 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,786 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,786 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,789 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,790 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,793 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,794 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,797 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,798 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,804 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:57,805 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:57,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:57,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:57,810 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:05:57,810 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:57,810 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:57,810 - __main__ - INFO - Average Fitness Value of Generation: 561288920718492093279190908928.000000 -2015-04-21 15:05:57,810 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:05:57,810 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:57,810 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:57,811 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:57,811 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,812 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,815 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,815 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,818 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,819 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,822 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,823 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,826 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,826 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,829 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,830 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,833 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,833 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,837 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,838 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,844 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,845 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,849 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,850 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,853 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,854 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,857 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,857 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,860 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,860 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,864 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,864 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,867 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:57,867 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:57,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:57,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:57,871 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:05:57,871 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:57,871 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:05:57,871 - __main__ - INFO - Average Fitness Value of Generation: 702270521877910616859362721792.000000 -2015-04-21 15:05:57,871 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:05:57,871 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:57,871 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:57,871 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:57,872 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,873 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,878 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,879 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,883 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,884 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,888 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,888 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,891 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,892 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,895 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,895 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,898 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,899 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,902 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,902 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,905 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,906 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,909 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,909 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,914 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,915 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,920 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,921 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,925 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,926 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,929 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,930 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,933 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:57,933 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:57,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:57,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:57,936 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:05:57,936 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:57,936 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:57,936 - __main__ - INFO - Average Fitness Value of Generation: 735201316892269741351293157376.000000 -2015-04-21 15:05:57,937 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:05:57,937 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:57,937 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:57,937 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:57,937 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,938 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,941 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,942 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,945 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,945 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,948 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,949 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,952 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,953 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,957 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,958 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,963 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,963 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,966 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,966 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,970 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,970 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,973 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,973 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,976 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,977 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,980 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,980 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,983 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,984 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,989 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,989 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:57,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:57,995 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:57,995 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:57,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,000 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:05:58,000 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:05:58,000 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,000 - __main__ - INFO - Average Fitness Value of Generation: 681319615527270198041049563136.000000 -2015-04-21 15:05:58,000 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:05:58,000 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:58,000 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:58,000 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:58,001 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,001 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,005 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,005 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,008 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,009 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,012 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,012 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,015 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,015 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,018 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,019 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,022 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,023 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,026 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,026 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,030 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,030 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,035 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,036 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,039 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,040 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,043 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,044 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,046 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,047 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,050 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,050 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,053 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,054 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,057 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:05:58,057 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:58,057 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,057 - __main__ - INFO - Average Fitness Value of Generation: 811413947885955385066969366528.000000 -2015-04-21 15:05:58,057 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:05:58,057 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:58,057 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:58,058 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:58,058 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,059 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,062 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,063 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,068 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,068 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,073 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,074 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,077 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,077 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,080 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,081 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,084 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,084 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,087 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,088 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,091 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,091 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,094 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,095 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,098 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,098 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,103 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,104 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,109 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,109 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,112 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,113 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,116 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,116 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,119 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:05:58,119 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:58,120 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,120 - __main__ - INFO - Average Fitness Value of Generation: 925524171189048334230010986496.000000 -2015-04-21 15:05:58,120 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:05:58,120 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:58,120 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:58,120 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:58,121 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,121 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,124 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,125 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,128 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,128 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,131 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,131 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,136 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,137 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,142 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,143 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,147 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,148 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,151 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,152 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,155 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,155 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,158 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,158 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,162 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,162 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,165 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,166 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,169 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,170 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,173 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,173 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,178 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,178 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,183 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:05:58,183 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:58,183 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,183 - __main__ - INFO - Average Fitness Value of Generation: 912910907753664878907899248640.000000 -2015-04-21 15:05:58,183 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:05:58,184 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:58,184 - __main__ - INFO - Finished run 7. -2015-04-21 15:05:58,184 - __main__ - INFO - Starting run 8... -2015-04-21 15:05:58,184 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:58,185 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:58,185 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:58,187 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:58,187 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:58,187 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:58,188 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,188 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,192 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,193 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,196 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,197 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,200 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,200 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,203 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,204 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,207 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,208 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,213 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,215 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,219 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,220 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,224 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,224 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,227 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,228 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,231 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,231 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,235 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,235 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,238 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,239 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,242 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,243 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,246 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,247 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,253 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:05:58,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:58,253 - __main__ - INFO - Fitness Value of Best Individual: 817072806887546894156245762048.000000 -2015-04-21 15:05:58,254 - __main__ - INFO - Average Fitness Value of Generation: 89980333383030817099006083072.000000 -2015-04-21 15:05:58,254 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:05:58,254 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:58,254 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:58,254 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:58,255 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,256 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,260 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,261 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,264 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,265 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,268 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,268 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,271 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,272 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,275 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,275 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,278 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,279 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,282 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,282 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,288 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,288 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,294 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,294 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,299 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,300 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,303 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,303 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,306 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,307 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,310 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,310 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,313 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,314 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,317 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:05:58,317 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:58,317 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 -2015-04-21 15:05:58,317 - __main__ - INFO - Average Fitness Value of Generation: 493331671340314393501067378688.000000 -2015-04-21 15:05:58,317 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:05:58,317 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:58,317 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:58,317 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:58,318 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,318 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,321 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,322 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,325 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,326 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,330 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,331 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,335 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,335 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,338 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,339 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,341 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,342 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,345 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,346 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,349 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,349 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,352 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,352 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,355 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,356 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,359 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,359 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,364 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,365 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,370 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,371 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,374 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,374 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,377 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:05:58,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:58,378 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:05:58,378 - __main__ - INFO - Average Fitness Value of Generation: 518017775003042629006179434496.000000 -2015-04-21 15:05:58,378 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:05:58,378 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:58,378 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:58,378 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:58,378 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,379 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,382 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,382 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,385 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,386 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,388 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,389 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,392 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,392 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,395 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,395 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,400 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,401 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,405 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,406 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,409 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,409 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,412 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,413 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,416 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,416 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,419 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,420 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,423 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,423 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,426 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,427 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,430 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,430 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,434 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:05:58,434 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-21 15:05:58,434 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:05:58,434 - __main__ - INFO - Average Fitness Value of Generation: 749210515073274302405193760768.000000 -2015-04-21 15:05:58,434 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:05:58,434 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:58,434 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:58,435 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:58,436 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,437 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,441 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,442 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,445 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,445 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,448 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,449 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,452 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,452 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,455 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,455 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,458 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,459 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,462 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,462 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,465 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,465 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,469 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,469 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,474 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,475 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,479 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,479 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,482 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,483 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,486 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,486 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,489 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:58,490 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:58,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:58,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:58,492 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:05:58,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:58,493 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,493 - __main__ - INFO - Average Fitness Value of Generation: 652570932902692492671212060672.000000 -2015-04-21 15:05:58,493 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:05:58,493 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:58,493 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:58,493 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:58,494 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,494 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,497 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,498 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,501 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,502 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,505 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,505 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,509 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,509 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,513 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,514 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,517 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,518 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,521 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,521 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,524 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,524 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,527 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,528 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,531 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,531 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,534 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,535 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,537 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,538 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,541 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,542 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,547 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:58,547 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:58,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:58,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:58,551 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:05:58,551 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:58,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,552 - __main__ - INFO - Average Fitness Value of Generation: 874821169128734201668045897728.000000 -2015-04-21 15:05:58,552 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:05:58,552 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:58,552 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:58,552 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:58,553 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,553 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,556 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,556 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,559 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,560 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,563 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,563 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,566 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,566 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,569 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,569 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,572 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,573 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,576 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,577 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,580 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,581 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,586 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,586 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,589 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,590 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,593 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,593 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,596 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,596 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,599 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,599 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,602 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:58,603 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:58,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:58,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:58,606 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:05:58,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:05:58,606 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,606 - __main__ - INFO - Average Fitness Value of Generation: 937455734657687298485629485056.000000 -2015-04-21 15:05:58,606 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:05:58,606 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:58,606 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:58,606 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:58,607 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,607 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,610 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,611 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,614 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,614 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,619 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,619 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,624 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,625 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,628 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,629 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,632 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,632 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,635 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,636 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,643 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,644 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,650 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,650 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,656 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,656 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,663 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,664 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,667 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,667 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,672 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,673 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,676 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:58,676 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:58,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:58,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:58,679 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:05:58,679 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:05:58,679 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,679 - __main__ - INFO - Average Fitness Value of Generation: 606796879059006323442644418560.000000 -2015-04-21 15:05:58,680 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:05:58,680 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:58,680 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:58,680 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:58,680 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,681 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,684 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,684 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,689 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,690 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,694 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,695 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,699 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,699 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,702 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,702 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,706 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,707 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,710 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,710 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,713 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,714 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,717 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,717 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,721 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,721 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,724 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,725 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,729 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,730 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,734 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,735 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,738 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:58,739 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:58,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:58,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:58,742 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:05:58,742 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:58,742 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,742 - __main__ - INFO - Average Fitness Value of Generation: 820990232491737139054209138688.000000 -2015-04-21 15:05:58,742 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:05:58,742 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:58,743 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:58,743 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:58,743 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,744 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,747 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,747 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,750 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,751 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,754 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,754 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,757 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,758 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,761 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,762 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,765 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,765 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,769 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,770 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,774 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,775 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,777 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,778 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,781 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,782 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,785 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,785 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,788 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,789 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,792 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,792 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,795 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:58,797 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:58,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:58,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:58,801 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:05:58,801 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:58,802 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,802 - __main__ - INFO - Average Fitness Value of Generation: 734715340351834901578726244352.000000 -2015-04-21 15:05:58,802 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:05:58,802 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:58,802 - __main__ - INFO - Finished run 8. -2015-04-21 15:05:58,802 - __main__ - INFO - Starting run 9... -2015-04-21 15:05:58,802 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:05:58,804 - __main__ - INFO - Initialization Complete. -2015-04-21 15:05:58,804 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:05:58,806 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:05:58,806 - __main__ - INFO - Generation 0 running... -2015-04-21 15:05:58,806 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:05:58,807 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,809 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,812 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,812 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,815 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,816 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,819 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,819 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,822 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,822 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,826 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,826 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,829 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,829 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,832 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,833 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,837 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,837 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,842 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,842 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,846 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,847 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,850 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,850 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,853 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,855 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,858 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,858 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,862 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:05:58,862 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:05:58,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:05:58,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:05:58,865 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:05:58,865 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:58,865 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:05:58,865 - __main__ - INFO - Average Fitness Value of Generation: 112730316502141902096024207360.000000 -2015-04-21 15:05:58,865 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:05:58,865 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:05:58,865 - __main__ - INFO - Generation 1 running... -2015-04-21 15:05:58,866 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:05:58,866 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,867 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,870 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,871 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,876 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,876 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,881 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,881 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,884 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,885 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,888 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,888 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,891 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,892 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,895 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,895 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,898 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,898 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,901 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,902 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,905 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,906 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,911 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,911 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,915 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,916 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,919 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,919 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,922 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:05:58,922 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:05:58,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:05:58,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:05:58,925 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:05:58,925 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:05:58,926 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:05:58,926 - __main__ - INFO - Average Fitness Value of Generation: 568207557861228824831067160576.000000 -2015-04-21 15:05:58,926 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:05:58,926 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:05:58,926 - __main__ - INFO - Generation 2 running... -2015-04-21 15:05:58,926 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:05:58,927 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,927 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,930 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,931 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,934 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,934 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,937 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,938 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,941 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,942 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,947 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,947 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,952 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,953 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,956 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,956 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,959 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,960 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,963 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,963 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,966 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,967 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,970 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,970 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,973 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,974 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,979 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,980 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,985 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:05:58,986 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:05:58,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:05:58,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:05:58,990 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:05:58,990 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:58,990 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:58,990 - __main__ - INFO - Average Fitness Value of Generation: 801163622785132946870306340864.000000 -2015-04-21 15:05:58,990 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:05:58,990 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:05:58,990 - __main__ - INFO - Generation 3 running... -2015-04-21 15:05:58,990 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:05:58,991 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,991 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,994 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,995 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:58,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:58,998 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:58,999 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:58,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,002 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,002 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,005 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,006 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,009 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,009 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,012 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,013 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,018 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,020 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,024 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,025 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,028 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,029 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,032 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,032 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,035 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,035 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,039 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,039 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,042 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,042 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,045 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:05:59,046 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:05:59,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:05:59,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:05:59,049 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:05:59,049 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:59,049 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,049 - __main__ - INFO - Average Fitness Value of Generation: 764685740512471113371488354304.000000 -2015-04-21 15:05:59,049 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:05:59,049 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:05:59,049 - __main__ - INFO - Generation 4 running... -2015-04-21 15:05:59,050 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:05:59,050 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,051 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,054 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,054 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,059 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,059 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,064 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,065 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,068 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,068 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,071 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,072 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,075 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,075 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,078 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,079 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,082 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,082 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,085 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,085 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,088 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,089 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,092 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,093 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,098 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,098 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,103 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,103 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,106 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:05:59,107 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:05:59,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:05:59,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:05:59,110 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:05:59,110 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:05:59,110 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,110 - __main__ - INFO - Average Fitness Value of Generation: 797660094400465038861072859136.000000 -2015-04-21 15:05:59,110 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:05:59,110 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:05:59,110 - __main__ - INFO - Generation 5 running... -2015-04-21 15:05:59,111 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:05:59,111 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,112 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,115 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,115 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,118 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,119 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,122 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,122 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,125 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,126 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,129 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,131 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,136 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,137 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,140 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,141 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,144 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,145 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,148 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,148 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,152 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,152 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,155 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,156 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,159 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,160 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,163 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,165 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,170 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:05:59,170 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:05:59,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:05:59,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:05:59,174 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:05:59,175 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:05:59,175 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,175 - __main__ - INFO - Average Fitness Value of Generation: 889616867493124327932772220928.000000 -2015-04-21 15:05:59,175 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:05:59,175 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:05:59,175 - __main__ - INFO - Generation 6 running... -2015-04-21 15:05:59,175 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:05:59,176 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,176 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,179 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,179 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,183 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,183 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,186 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,187 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,190 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,191 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,194 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,194 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,197 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,198 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,201 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,203 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,207 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,208 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,211 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,211 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,215 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,215 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,218 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,219 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,222 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,222 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,225 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,226 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,228 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:05:59,229 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:05:59,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:05:59,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:05:59,232 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:05:59,232 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:05:59,232 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,232 - __main__ - INFO - Average Fitness Value of Generation: 668134928800520093181635723264.000000 -2015-04-21 15:05:59,232 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:05:59,232 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:05:59,233 - __main__ - INFO - Generation 7 running... -2015-04-21 15:05:59,233 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:05:59,233 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,234 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,238 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,239 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,244 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,245 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,249 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,249 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,252 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,253 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,255 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,256 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,259 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,259 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,263 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,263 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,266 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,267 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,272 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,272 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,278 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,278 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,283 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,284 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,287 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,287 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,291 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,291 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,295 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:05:59,295 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:05:59,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:05:59,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:05:59,298 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:05:59,298 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:05:59,298 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,299 - __main__ - INFO - Average Fitness Value of Generation: 692948939554469137236973584384.000000 -2015-04-21 15:05:59,299 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:05:59,299 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:05:59,299 - __main__ - INFO - Generation 8 running... -2015-04-21 15:05:59,299 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:05:59,300 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,300 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,303 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,304 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,307 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,308 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,314 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,315 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,319 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,320 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,324 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,324 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,327 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,328 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,331 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,331 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,334 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,335 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,338 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,338 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,341 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,342 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,345 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,346 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,351 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,352 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,357 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,357 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,362 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:05:59,362 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:05:59,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:05:59,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:05:59,365 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:05:59,365 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:05:59,365 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,365 - __main__ - INFO - Average Fitness Value of Generation: 619849799436255515632459579392.000000 -2015-04-21 15:05:59,366 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:05:59,366 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:05:59,366 - __main__ - INFO - Generation 9 running... -2015-04-21 15:05:59,366 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:05:59,367 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,367 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,371 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,371 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,374 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,375 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,377 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,378 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,381 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,382 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,385 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,386 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,392 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,393 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,397 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,398 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,401 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,402 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,405 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,405 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,408 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,409 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,412 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,413 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,416 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,417 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,420 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,420 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,425 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:05:59,426 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:05:59,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:05:59,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:05:59,431 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:05:59,431 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:05:59,432 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:05:59,432 - __main__ - INFO - Average Fitness Value of Generation: 785882538723176778724846600192.000000 -2015-04-21 15:05:59,432 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:05:59,432 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:05:59,432 - __main__ - INFO - Finished run 9. -2015-04-21 15:05:59,432 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:07:13,559 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:07:13,560 - __main__ - INFO - Program Arguments: -2015-04-21 15:07:13,560 - __main__ - INFO - plot=True -2015-04-21 15:07:13,560 - __main__ - INFO - autoscale=True -2015-04-21 15:07:13,560 - __main__ - INFO - G=10 -2015-04-21 15:07:13,560 - __main__ - INFO - l=20 -2015-04-21 15:07:13,560 - __main__ - INFO - experiment_number=1 -2015-04-21 15:07:13,560 - __main__ - INFO - N=30 -2015-04-21 15:07:13,560 - __main__ - INFO - pc=0.6 -2015-04-21 15:07:13,560 - __main__ - INFO - ce=False -2015-04-21 15:07:13,560 - __main__ - INFO - ff= -2015-04-21 15:07:13,560 - __main__ - INFO - learn=False -2015-04-21 15:07:13,560 - __main__ - INFO - NG=20 -2015-04-21 15:07:13,560 - __main__ - INFO - nruns=10 -2015-04-21 15:07:13,561 - __main__ - INFO - pm=0.033 -2015-04-21 15:07:13,561 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:07:13,561 - __main__ - INFO - Starting run 0... -2015-04-21 15:07:13,561 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:07:13,562 - __main__ - INFO - Initialization Complete. -2015-04-21 15:07:13,562 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:07:13,564 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:07:13,564 - __main__ - INFO - Generation 0 running... -2015-04-21 15:07:13,564 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:07:13,565 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,565 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,568 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,569 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,572 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,572 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,575 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,576 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,579 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,579 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,583 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,583 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,586 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,587 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,590 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,591 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,595 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,597 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,601 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,602 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,605 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,606 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,609 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,609 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,612 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,613 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,616 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,616 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,619 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:07:13,620 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:07:13,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:07:13,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:07:13,623 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:07:13,623 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:07:13,623 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:07:13,623 - __main__ - INFO - Average Fitness Value of Generation: 129334238968976504868747345920.000000 -2015-04-21 15:07:13,623 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:07:13,623 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:07:13,623 - __main__ - INFO - Generation 1 running... -2015-04-21 15:07:13,623 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:07:13,624 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,624 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,627 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,628 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,632 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,632 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,637 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,638 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,642 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,642 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,648 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,649 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,655 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,656 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,663 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,663 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,667 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,668 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,673 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,674 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,677 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,677 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,680 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,681 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,685 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,686 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,689 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,689 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,692 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:07:13,693 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:07:13,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:07:13,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:07:13,696 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:07:13,696 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:07:13,696 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:07:13,696 - __main__ - INFO - Average Fitness Value of Generation: 421059008890180080554708303872.000000 -2015-04-21 15:07:13,696 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:07:13,696 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:07:13,696 - __main__ - INFO - Generation 2 running... -2015-04-21 15:07:13,696 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:07:13,697 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,697 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,700 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,701 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,705 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,706 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,710 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,711 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,714 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,715 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,718 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,718 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,721 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,722 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,725 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,725 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,728 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,729 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,732 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,733 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,736 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,736 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,740 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,742 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,745 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,746 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,750 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,750 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,753 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:07:13,754 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:07:13,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:07:13,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:07:13,756 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:07:13,756 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:07:13,757 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:07:13,757 - __main__ - INFO - Average Fitness Value of Generation: 620271595381005894121651437568.000000 -2015-04-21 15:07:13,757 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:07:13,757 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:07:13,757 - __main__ - INFO - Generation 3 running... -2015-04-21 15:07:13,757 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:07:13,757 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,758 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,761 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,761 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,764 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,764 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,767 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,767 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,770 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,771 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,774 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,774 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,779 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,779 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,784 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,784 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,787 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,788 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,791 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,791 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,794 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,795 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,798 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,798 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,802 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,802 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,805 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,806 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,809 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:07:13,810 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:07:13,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:07:13,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:07:13,814 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:07:13,815 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:07:13,815 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:07:13,815 - __main__ - INFO - Average Fitness Value of Generation: 899254648686952480609874739200.000000 -2015-04-21 15:07:13,815 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:07:13,815 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:07:13,815 - __main__ - INFO - Generation 4 running... -2015-04-21 15:07:13,815 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:10,698 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:09:10,698 - __main__ - INFO - Program Arguments: -2015-04-21 15:09:10,698 - __main__ - INFO - plot=True -2015-04-21 15:09:10,698 - __main__ - INFO - autoscale=True -2015-04-21 15:09:10,698 - __main__ - INFO - G=10 -2015-04-21 15:09:10,698 - __main__ - INFO - l=20 -2015-04-21 15:09:10,698 - __main__ - INFO - experiment_number=1 -2015-04-21 15:09:10,698 - __main__ - INFO - N=30 -2015-04-21 15:09:10,698 - __main__ - INFO - pc=0.6 -2015-04-21 15:09:10,698 - __main__ - INFO - ce=False -2015-04-21 15:09:10,698 - __main__ - INFO - ff= -2015-04-21 15:09:10,699 - __main__ - INFO - learn=False -2015-04-21 15:09:10,699 - __main__ - INFO - NG=20 -2015-04-21 15:09:10,699 - __main__ - INFO - nruns=10 -2015-04-21 15:09:10,699 - __main__ - INFO - pm=0.033 -2015-04-21 15:09:10,699 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:09:10,699 - __main__ - INFO - Starting run 0... -2015-04-21 15:09:10,699 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:10,700 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:10,700 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:10,702 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:10,702 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:10,702 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:10,703 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,703 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,706 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,707 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,711 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,711 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,714 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,714 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,717 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,718 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,721 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,722 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,725 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,725 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,728 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,729 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,733 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,734 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,738 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,739 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,742 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,742 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,745 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,745 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,748 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,749 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,752 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,752 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,755 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:10,756 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:10,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:10,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:10,759 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:09:10,759 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:10,759 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:09:10,759 - __main__ - INFO - Average Fitness Value of Generation: 123721881947485659726562197504.000000 -2015-04-21 15:09:10,759 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:09:10,759 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:10,759 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:10,759 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:10,760 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,760 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,764 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,765 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,769 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,770 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,774 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,774 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,777 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,778 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,781 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,782 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,785 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,785 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,787 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,788 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,791 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,791 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,794 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,794 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,797 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,798 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,803 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,804 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,808 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,809 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,812 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,812 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,815 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:10,816 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:10,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:10,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:10,818 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:09:10,819 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:10,819 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:09:10,819 - __main__ - INFO - Average Fitness Value of Generation: 346287332254362834894994800640.000000 -2015-04-21 15:09:10,819 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:09:10,819 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:10,819 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:10,819 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:10,820 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,820 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,823 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,824 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,827 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,827 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,830 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,831 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,834 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,834 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,839 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,840 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,844 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,844 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,847 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,848 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,851 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,851 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,855 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,855 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,858 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,858 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,861 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,862 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,865 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,865 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,869 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,869 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,873 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:10,874 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:10,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:10,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:10,878 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:09:10,878 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:10,879 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:10,879 - __main__ - INFO - Average Fitness Value of Generation: 543451670001056142837382381568.000000 -2015-04-21 15:09:10,879 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:09:10,879 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:10,879 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:10,879 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:10,880 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,881 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,884 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,884 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,887 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,888 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,891 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,891 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,894 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,894 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,897 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,897 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,900 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,901 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,904 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,904 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,908 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,909 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,914 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,914 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,918 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,918 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,921 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,922 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,925 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,925 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,928 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,928 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,932 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:10,932 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:10,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:10,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:10,935 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:09:10,935 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:10,935 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:10,935 - __main__ - INFO - Average Fitness Value of Generation: 752953511899938566893574553600.000000 -2015-04-21 15:09:10,935 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:09:10,935 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:10,936 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:10,936 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:10,936 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,937 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,940 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,941 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,946 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,946 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,951 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,951 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,954 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,955 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,958 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,958 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,961 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,961 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,964 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,965 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,967 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,968 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,971 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,972 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,975 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,975 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,978 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,979 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,985 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,985 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,989 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,989 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,992 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:10,993 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:10,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:10,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:10,996 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:09:10,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:10,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:10,996 - __main__ - INFO - Average Fitness Value of Generation: 797002296886909984374897246208.000000 -2015-04-21 15:09:10,996 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:09:10,996 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:10,996 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:10,996 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:10,997 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:10,997 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:10,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,000 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,001 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,004 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,005 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,008 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,009 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,012 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,012 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,016 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,017 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,021 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,021 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,025 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,026 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,029 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,029 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,032 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,032 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,035 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,036 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,039 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,039 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,042 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,043 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,045 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,046 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,049 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,049 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,054 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:09:11,054 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:11,054 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,054 - __main__ - INFO - Average Fitness Value of Generation: 712952868205813676160392888320.000000 -2015-04-21 15:09:11,054 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:09:11,054 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:11,054 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:11,054 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:11,055 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,056 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,060 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,061 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,064 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,064 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,067 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,067 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,070 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,071 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,074 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,074 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,077 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,078 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,081 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,081 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,084 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,085 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,088 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,089 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,093 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,094 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,098 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,098 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,101 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,101 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,104 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,105 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,108 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,108 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,111 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:09:11,111 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:11,111 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,111 - __main__ - INFO - Average Fitness Value of Generation: 824908069353506546172496445440.000000 -2015-04-21 15:09:11,111 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:09:11,111 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:11,112 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:11,112 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:11,112 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,113 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,115 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,116 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,119 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,119 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,122 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,123 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,127 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,128 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,133 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,133 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,136 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,136 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,139 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,139 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,143 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,143 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,146 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,146 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,150 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,150 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,153 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,154 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,157 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,157 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,161 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,162 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,167 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,167 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,170 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:09:11,171 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:11,171 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,171 - __main__ - INFO - Average Fitness Value of Generation: 700652505887035492726831316992.000000 -2015-04-21 15:09:11,171 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:09:11,171 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:11,171 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:11,171 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:11,172 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,172 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,175 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,176 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,179 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,179 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,182 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,183 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,186 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,186 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,189 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,189 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,193 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,194 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,199 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,200 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,204 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,205 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,209 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,209 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,213 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,213 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,216 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,217 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,220 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,221 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,224 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,225 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,228 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,228 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,231 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:09:11,232 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:11,232 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,232 - __main__ - INFO - Average Fitness Value of Generation: 882623517973186088426272718848.000000 -2015-04-21 15:09:11,232 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:09:11,232 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:11,232 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:11,232 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:11,233 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,234 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,240 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,240 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,245 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,245 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,249 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,249 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,252 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,253 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,256 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,256 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,259 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,260 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,262 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,263 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,266 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,266 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,269 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,269 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,274 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,275 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,280 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,281 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,285 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,286 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,289 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,289 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,292 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,293 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,296 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:09:11,296 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:11,296 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,297 - __main__ - INFO - Average Fitness Value of Generation: 780186246222094142208760348672.000000 -2015-04-21 15:09:11,297 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:09:11,297 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:11,297 - __main__ - INFO - Finished run 0. -2015-04-21 15:09:11,297 - __main__ - INFO - Starting run 1... -2015-04-21 15:09:11,297 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:11,298 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:11,298 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:11,300 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:11,300 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:11,300 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:11,301 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,302 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,305 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,306 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,309 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,310 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,313 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,314 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,317 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,318 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,322 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,323 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,326 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,327 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,330 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,330 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,333 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,333 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,337 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,337 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,340 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,341 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,344 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,344 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,348 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,349 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,353 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,354 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,358 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,359 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,362 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:09:11,362 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:11,362 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:09:11,362 - __main__ - INFO - Average Fitness Value of Generation: 128951629856260464302505328640.000000 -2015-04-21 15:09:11,362 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:09:11,363 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:11,363 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:11,363 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:11,363 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,364 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,367 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,367 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,370 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,371 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,374 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,374 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,377 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,378 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,382 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,383 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,388 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,389 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,394 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,394 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,397 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,398 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,401 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,401 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,404 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,405 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,408 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,409 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,412 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,412 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,415 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,416 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,421 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:11,422 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:11,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:11,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:11,427 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:09:11,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:11,428 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:09:11,428 - __main__ - INFO - Average Fitness Value of Generation: 353980437209437169014703915008.000000 -2015-04-21 15:09:11,428 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:09:11,428 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:11,428 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:11,428 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:11,429 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,430 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,434 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,435 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,438 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,438 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,442 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,442 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,445 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,445 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,448 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,449 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,452 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,452 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,455 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,455 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,460 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,461 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,467 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,467 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,472 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,472 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,476 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,476 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,479 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,480 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,483 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,483 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,486 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:11,486 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:11,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:11,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:11,489 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:09:11,489 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:11,490 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:09:11,490 - __main__ - INFO - Average Fitness Value of Generation: 377224241839890508010619928576.000000 -2015-04-21 15:09:11,490 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:09:11,490 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:11,490 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:11,490 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:11,491 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,491 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,495 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,495 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,500 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,501 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,506 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,506 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,511 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,511 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,514 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,515 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,518 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,518 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,521 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,521 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,524 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,525 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,528 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,528 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,531 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,532 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,536 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,537 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,542 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,544 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,548 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,549 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,552 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:11,552 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:11,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:11,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:11,555 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:09:11,556 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:11,556 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:09:11,556 - __main__ - INFO - Average Fitness Value of Generation: 557299388627508634112439091200.000000 -2015-04-21 15:09:11,556 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:09:11,556 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:11,556 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:11,556 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:11,557 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,557 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,560 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,561 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,564 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,564 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,568 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,568 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,571 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,572 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,578 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,579 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,584 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,585 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,589 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,589 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,593 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,593 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,596 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,597 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,600 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,600 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,603 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,604 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,607 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,607 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,610 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,611 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,616 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:11,617 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:11,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:11,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:11,622 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:09:11,622 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:11,622 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,622 - __main__ - INFO - Average Fitness Value of Generation: 713434630145068058460744056832.000000 -2015-04-21 15:09:11,622 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:09:11,623 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:11,623 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:11,623 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:11,624 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,624 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,628 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,629 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,633 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,633 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,638 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,639 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,642 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,643 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,646 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,647 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,653 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,655 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,662 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,662 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,666 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,667 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,671 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,672 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,675 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,675 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,678 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,679 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,682 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,682 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,685 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,685 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,688 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:11,688 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:11,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:11,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:11,692 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:09:11,693 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:11,693 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,693 - __main__ - INFO - Average Fitness Value of Generation: 848983750988785626063518564352.000000 -2015-04-21 15:09:11,693 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:09:11,693 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:11,693 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:11,694 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:11,695 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,696 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,701 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,702 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,706 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,706 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,710 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,710 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,713 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,714 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,717 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,718 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,721 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,722 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,725 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,725 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,728 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,728 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,733 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,734 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,739 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,739 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,743 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,744 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,747 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,747 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,750 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,751 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,754 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:11,755 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:11,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:11,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:11,758 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:09:11,758 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:11,758 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,758 - __main__ - INFO - Average Fitness Value of Generation: 903238943247808186162515804160.000000 -2015-04-21 15:09:11,758 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:09:11,758 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:11,758 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:11,758 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:11,759 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,760 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,762 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,763 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,766 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,767 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,772 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,773 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,778 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,779 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,783 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,784 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,787 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,787 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,790 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,791 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,794 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,794 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,797 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,797 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,800 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,801 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,804 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,804 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,809 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,810 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,816 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,816 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,821 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:11,821 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:11,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:11,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:11,824 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:09:11,825 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:11,825 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,825 - __main__ - INFO - Average Fitness Value of Generation: 1002974311010410288379099873280.000000 -2015-04-21 15:09:11,825 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:09:11,825 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:11,825 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:11,825 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:11,826 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,826 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,829 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,829 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,832 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,833 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,836 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,836 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,839 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,840 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,843 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,844 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,848 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,849 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,854 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,855 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,859 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,860 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,863 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,864 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,867 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,867 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,870 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,871 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,874 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,874 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,877 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,878 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,881 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:11,881 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:11,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:11,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:11,885 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:09:11,885 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:11,885 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,885 - __main__ - INFO - Average Fitness Value of Generation: 932772215679081660706740764672.000000 -2015-04-21 15:09:11,885 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:09:11,886 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:11,886 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:11,886 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:11,887 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,888 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,893 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,894 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,898 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,899 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,901 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,902 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,905 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,906 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,909 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,909 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,913 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,913 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,916 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,917 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,920 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,920 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,925 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,926 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,931 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,932 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,937 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,937 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,941 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,941 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,944 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,945 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,948 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:11,948 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:11,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:11,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:11,951 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:09:11,951 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:11,951 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:11,951 - __main__ - INFO - Average Fitness Value of Generation: 866968224842699561417238904832.000000 -2015-04-21 15:09:11,951 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:09:11,951 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:11,952 - __main__ - INFO - Finished run 1. -2015-04-21 15:09:11,952 - __main__ - INFO - Starting run 2... -2015-04-21 15:09:11,952 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:11,953 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:11,953 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:11,955 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:11,955 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:11,955 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:11,956 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,956 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,959 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,960 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,964 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,965 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,971 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,973 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,977 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,978 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,981 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,982 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,985 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,985 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,989 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,989 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,992 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,993 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,996 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:11,996 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:11,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:11,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:11,999 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,001 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,006 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,007 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,012 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,012 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,016 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,016 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,019 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,020 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,023 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:09:12,023 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:12,023 - __main__ - INFO - Fitness Value of Best Individual: 326118313670842555533010927616.000000 -2015-04-21 15:09:12,023 - __main__ - INFO - Average Fitness Value of Generation: 49884892940613121396109737984.000000 -2015-04-21 15:09:12,023 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:09:12,024 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:12,024 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:12,024 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:12,024 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,025 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,028 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,029 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,032 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,032 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,035 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,036 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,039 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,040 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,046 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,046 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,051 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,052 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,055 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,056 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,059 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,060 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,063 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,063 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,066 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,067 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,070 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,070 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,073 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,074 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,077 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,078 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,084 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,085 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,089 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:09:12,090 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:12,090 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:09:12,090 - __main__ - INFO - Average Fitness Value of Generation: 153663254349263094369071661056.000000 -2015-04-21 15:09:12,090 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:09:12,090 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:12,090 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:12,090 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:12,091 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,092 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,095 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,095 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,098 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,099 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,101 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,102 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,105 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,105 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,108 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,109 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,112 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,113 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,116 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,116 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,120 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,121 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,125 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,126 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,130 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,131 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,134 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,135 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,138 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,138 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,141 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,141 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,144 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,145 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,148 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:09:12,148 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:12,148 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:09:12,148 - __main__ - INFO - Average Fitness Value of Generation: 255981755806099501998520926208.000000 -2015-04-21 15:09:12,148 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:09:12,148 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:12,148 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:12,148 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:12,149 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,149 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,152 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,153 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,156 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,156 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,160 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,162 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,165 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,166 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,169 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,169 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,172 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,173 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,176 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,176 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,179 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,179 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,182 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,183 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,186 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,186 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,189 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,190 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,195 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,195 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,200 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,201 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,204 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,204 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,207 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:09:12,208 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:12,208 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:09:12,208 - __main__ - INFO - Average Fitness Value of Generation: 393705687841543455501130399744.000000 -2015-04-21 15:09:12,208 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:09:12,208 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:12,208 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:12,208 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:12,209 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,209 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,212 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,213 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,215 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,216 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,219 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,219 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,222 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,223 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,226 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,227 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,232 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,232 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,237 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,237 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,240 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,240 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,243 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,244 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,246 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,247 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,250 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,251 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,254 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,254 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,257 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,257 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,262 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,263 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,269 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:09:12,269 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:12,269 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:09:12,269 - __main__ - INFO - Average Fitness Value of Generation: 488491312688557870384808984576.000000 -2015-04-21 15:09:12,269 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:09:12,269 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:12,269 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:12,269 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:12,270 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,271 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,275 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,276 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,279 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,279 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,282 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,283 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,286 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,286 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,289 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,290 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,293 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,294 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,296 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,297 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,302 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,303 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,308 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,309 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,313 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,313 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,317 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,317 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,320 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,320 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,324 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,324 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,327 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,327 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,330 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:09:12,331 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:12,331 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:09:12,331 - __main__ - INFO - Average Fitness Value of Generation: 635427790738896961843803193344.000000 -2015-04-21 15:09:12,331 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:09:12,331 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:12,331 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:12,331 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:12,332 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,332 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,335 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,335 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,340 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,341 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,346 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,347 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,351 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,352 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,354 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,355 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,358 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,359 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,362 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,362 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,365 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,365 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,368 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,369 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,372 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,372 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,375 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,375 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,380 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,382 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,386 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,387 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,391 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,391 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,394 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:09:12,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:12,395 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,395 - __main__ - INFO - Average Fitness Value of Generation: 872034265231579058944973209600.000000 -2015-04-21 15:09:12,395 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:09:12,395 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:12,395 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:12,395 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:12,396 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,396 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,399 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,399 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,403 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,403 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,406 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,406 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,410 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,410 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,413 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,415 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,420 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,420 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,425 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,426 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,430 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,430 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,434 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,434 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,437 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,437 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,440 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,441 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,444 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,444 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,447 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,447 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,450 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:12,451 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:12,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:12,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:12,455 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:09:12,455 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:12,455 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:09:12,455 - __main__ - INFO - Average Fitness Value of Generation: 878794133039743789842615500800.000000 -2015-04-21 15:09:12,455 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:09:12,455 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:12,456 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:12,456 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:12,457 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,458 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,463 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,464 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,468 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,469 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,472 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,473 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,475 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,476 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,479 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,480 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,483 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,483 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,486 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,487 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,490 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,490 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,493 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,494 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,498 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,499 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,503 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,504 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,507 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,508 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,510 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,511 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,514 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:12,514 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:12,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:12,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:12,517 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:09:12,517 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:12,517 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,518 - __main__ - INFO - Average Fitness Value of Generation: 787273543603970186501454561280.000000 -2015-04-21 15:09:12,518 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:09:12,518 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:12,518 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:12,518 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:12,518 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,519 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,522 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,522 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,525 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,526 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,529 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,529 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,533 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,534 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,539 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,539 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,543 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,544 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,546 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,547 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,550 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,551 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,553 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,554 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,557 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,558 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,561 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,561 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,564 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,565 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,569 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,570 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,575 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:12,575 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:12,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:12,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:12,578 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:09:12,579 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:12,579 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,579 - __main__ - INFO - Average Fitness Value of Generation: 915206669635653287341608402944.000000 -2015-04-21 15:09:12,579 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:09:12,579 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:12,579 - __main__ - INFO - Finished run 2. -2015-04-21 15:09:12,579 - __main__ - INFO - Starting run 3... -2015-04-21 15:09:12,579 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:12,580 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:12,580 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:12,582 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:12,582 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:12,582 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:12,583 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,584 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,587 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,588 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,591 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,591 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,594 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,595 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,598 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,598 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,601 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,602 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,607 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,607 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,612 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,613 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,616 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,616 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,619 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,620 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,623 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,624 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,627 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,628 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,631 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,632 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,635 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,636 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,640 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:12,640 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:12,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:12,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:12,645 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:09:12,645 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 -2015-04-21 15:09:12,645 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 -2015-04-21 15:09:12,645 - __main__ - INFO - Average Fitness Value of Generation: 160047329084761517425824890880.000000 -2015-04-21 15:09:12,645 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:09:12,645 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:12,646 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:12,646 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:12,647 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,647 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,654 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,655 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,659 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,660 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,663 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,663 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,668 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,668 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,672 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,673 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,676 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,676 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,679 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,679 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,685 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,685 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,690 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,690 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,693 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,694 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,697 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,697 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,701 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,702 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,707 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,707 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,710 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:12,711 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:12,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:12,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:12,714 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:09:12,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:12,714 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-21 15:09:12,715 - __main__ - INFO - Average Fitness Value of Generation: 271966126863684872409909821440.000000 -2015-04-21 15:09:12,715 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:09:12,715 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:12,715 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:12,715 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:12,715 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,716 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,722 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,723 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,727 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,728 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,731 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,731 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,734 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,735 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,738 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,738 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,741 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,742 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,745 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,745 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,748 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,749 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,752 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,752 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,756 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,757 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,762 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,762 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,766 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,766 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,769 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,770 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,773 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:12,773 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:12,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:12,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:12,776 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:09:12,776 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:12,776 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,777 - __main__ - INFO - Average Fitness Value of Generation: 720903217756518234175146295296.000000 -2015-04-21 15:09:12,777 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:09:12,777 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:12,777 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:12,777 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:12,777 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,778 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,781 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,782 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,785 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,785 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,789 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,789 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,793 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,794 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,798 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,799 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,802 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,802 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,806 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,806 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,809 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,809 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,812 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,813 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,816 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,817 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,819 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,820 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,823 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,824 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,828 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,829 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,833 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:12,834 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:12,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:12,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:12,837 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:09:12,837 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:12,837 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,837 - __main__ - INFO - Average Fitness Value of Generation: 884367806050073210927842328576.000000 -2015-04-21 15:09:12,837 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:09:12,837 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:12,837 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:12,838 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:12,838 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,839 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,842 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,842 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,845 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,846 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,848 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,849 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,852 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,852 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,855 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,856 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,859 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,859 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,864 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,864 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,869 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,869 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,872 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,873 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,876 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,876 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,879 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,880 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,883 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,883 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,886 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,887 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,890 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:12,890 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:12,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:12,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:12,893 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:09:12,894 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:12,894 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,894 - __main__ - INFO - Average Fitness Value of Generation: 951930821034606181702982172672.000000 -2015-04-21 15:09:12,894 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:09:12,894 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:12,894 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:12,894 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:12,895 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,895 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,899 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,899 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,904 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,905 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,909 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,909 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,912 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,912 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,915 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,916 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,919 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,919 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,922 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,923 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,926 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,926 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,929 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,930 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,934 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,934 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,938 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,939 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,943 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,944 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,947 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,947 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,950 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:12,951 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:12,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:12,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:12,954 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:09:12,954 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:12,954 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:12,954 - __main__ - INFO - Average Fitness Value of Generation: 865517795960718481507649323008.000000 -2015-04-21 15:09:12,954 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:09:12,954 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:12,954 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:12,954 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:12,955 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,956 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,958 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,959 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,962 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,963 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,966 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,967 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,973 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,974 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,978 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,979 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,983 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,983 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,986 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,987 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,990 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,990 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,993 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,994 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:12,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:12,996 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:12,997 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:12,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,000 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,000 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,003 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,003 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,008 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,010 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,015 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,015 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,020 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:09:13,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:13,020 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,020 - __main__ - INFO - Average Fitness Value of Generation: 866615897528675309317718540288.000000 -2015-04-21 15:09:13,020 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:09:13,020 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:13,020 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:13,020 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:13,021 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,021 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,024 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,025 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,028 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,028 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,031 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,032 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,035 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,036 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,039 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,039 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,043 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,043 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,049 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,050 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,054 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,055 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,059 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,059 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,062 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,063 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,066 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,067 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,070 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,070 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,073 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,073 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,076 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,077 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,080 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:09:13,080 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:13,080 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,080 - __main__ - INFO - Average Fitness Value of Generation: 997088278544105885691317059584.000000 -2015-04-21 15:09:13,080 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:09:13,080 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:13,080 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:13,080 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:13,081 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,082 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,087 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,088 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,092 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,094 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,097 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,098 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,101 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,101 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,105 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,106 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,109 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,109 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,113 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,113 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,116 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,116 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,120 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,120 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,125 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,126 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,131 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,131 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,136 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,137 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,140 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,140 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,143 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,143 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,146 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:09:13,146 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:13,147 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,147 - __main__ - INFO - Average Fitness Value of Generation: 850887894604325316415715278848.000000 -2015-04-21 15:09:13,147 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:09:13,147 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:13,147 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:13,147 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:13,148 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,148 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,151 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,152 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,155 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,155 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,158 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,159 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,164 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,164 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,169 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,170 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,174 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,174 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,177 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,178 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,181 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,182 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,185 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,186 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,189 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,189 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,192 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,193 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,196 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,196 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,199 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,200 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,205 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,205 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,210 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:09:13,210 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:13,210 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,210 - __main__ - INFO - Average Fitness Value of Generation: 1029522701619187202217631285248.000000 -2015-04-21 15:09:13,210 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:09:13,210 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:13,210 - __main__ - INFO - Finished run 3. -2015-04-21 15:09:13,210 - __main__ - INFO - Starting run 4... -2015-04-21 15:09:13,210 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:13,212 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:13,212 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:13,213 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:13,213 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:13,214 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:13,214 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,217 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,220 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,221 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,224 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,224 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,227 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,228 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,231 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,232 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,235 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,235 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,240 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,241 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,246 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,247 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,250 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,250 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,253 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,254 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,256 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,257 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,260 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,261 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,267 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,270 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,276 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,277 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,282 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:09:13,282 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:13,282 - __main__ - INFO - Fitness Value of Best Individual: 851041981810043742748359524352.000000 -2015-04-21 15:09:13,282 - __main__ - INFO - Average Fitness Value of Generation: 38182924730762123779992715264.000000 -2015-04-21 15:09:13,282 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:09:13,283 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:13,283 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:13,283 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:13,283 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,284 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,287 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,287 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,290 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,291 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,294 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,294 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,297 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,298 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,301 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,302 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,305 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,306 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,311 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,312 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,316 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,317 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,321 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,322 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,325 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,325 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,329 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,329 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,332 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,333 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,336 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,337 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,339 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,340 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,343 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:09:13,343 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-21 15:09:13,343 - __main__ - INFO - Fitness Value of Best Individual: 1040727734018910144695227121664.000000 -2015-04-21 15:09:13,343 - __main__ - INFO - Average Fitness Value of Generation: 306417189959593756113212801024.000000 -2015-04-21 15:09:13,343 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:09:13,343 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:13,343 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:13,343 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:13,344 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,345 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,348 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,350 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,354 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,355 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,358 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,358 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,361 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,362 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,365 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,366 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,369 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,369 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,372 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,373 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,375 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,376 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,379 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,379 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,382 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,383 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,389 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,390 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,394 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,394 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,398 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,398 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,401 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,402 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,405 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:09:13,405 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:13,405 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:09:13,405 - __main__ - INFO - Average Fitness Value of Generation: 484517432623180025062561415168.000000 -2015-04-21 15:09:13,405 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:09:13,405 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:13,405 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:13,405 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:13,406 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,406 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,409 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,410 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,413 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,414 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,417 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,417 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,422 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,423 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,427 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,428 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,431 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,432 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,434 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,435 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,438 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,438 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,441 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,441 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,444 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,445 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,448 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,448 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,451 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,452 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,458 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,458 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,462 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:13,463 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:13,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:13,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:13,467 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:09:13,467 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:13,467 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:09:13,468 - __main__ - INFO - Average Fitness Value of Generation: 554055906847995641278133960704.000000 -2015-04-21 15:09:13,468 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:09:13,468 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:13,468 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:13,468 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:13,468 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,469 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,472 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,473 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,475 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,476 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,479 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,480 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,483 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,483 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,486 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,486 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,490 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,490 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,495 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,496 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,501 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,501 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,506 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,506 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,509 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,510 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,513 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,513 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,516 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,517 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,520 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,521 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,524 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:13,525 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:13,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:13,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:13,528 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:09:13,528 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:13,528 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,528 - __main__ - INFO - Average Fitness Value of Generation: 602268135576848348472357683200.000000 -2015-04-21 15:09:13,528 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:09:13,529 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:13,529 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:13,529 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:13,530 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,531 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,537 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,537 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,542 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,542 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,546 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,546 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,549 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,550 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,553 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,553 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,556 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,557 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,559 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,560 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,563 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,564 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,567 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,568 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,574 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,575 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,579 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,580 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,583 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,584 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,587 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,587 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,590 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:13,591 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:13,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:13,594 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:09:13,594 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:13,594 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:09:13,594 - __main__ - INFO - Average Fitness Value of Generation: 659284086147808327921580376064.000000 -2015-04-21 15:09:13,594 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:09:13,594 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:13,594 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:13,595 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:13,595 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,596 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,599 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,599 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,603 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,603 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,606 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,607 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,611 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,612 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,616 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,617 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,620 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,620 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,623 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,624 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,627 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,628 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,631 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,632 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,635 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,636 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,641 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,641 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,645 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,645 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,650 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,650 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,658 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:13,659 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:13,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:13,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:13,663 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:09:13,663 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:13,663 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,663 - __main__ - INFO - Average Fitness Value of Generation: 864858397782011761887467798528.000000 -2015-04-21 15:09:13,663 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:09:13,663 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:13,663 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:13,663 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:13,664 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,665 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,669 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,670 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,673 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,674 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,677 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,677 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,681 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,681 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,686 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,686 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,691 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,691 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,695 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,695 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,698 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,699 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,703 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,704 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,707 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,707 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,710 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,711 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,714 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,715 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,718 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,723 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:13,723 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:13,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:13,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:13,727 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:09:13,728 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:13,728 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,728 - __main__ - INFO - Average Fitness Value of Generation: 918948126720839328648640069632.000000 -2015-04-21 15:09:13,728 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:09:13,728 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:13,728 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:13,728 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:13,729 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,730 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,733 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,734 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,737 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,738 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,741 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,741 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,744 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,745 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,748 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,748 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,751 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,752 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,755 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,755 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,759 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,760 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,765 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,765 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,768 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,769 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,772 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,772 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,775 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,775 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,778 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,779 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,782 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:13,782 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:13,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:13,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:13,785 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:09:13,785 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:13,786 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,786 - __main__ - INFO - Average Fitness Value of Generation: 834636585582421127933932339200.000000 -2015-04-21 15:09:13,786 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:09:13,786 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:13,786 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:13,786 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:13,787 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,787 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,791 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,792 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,798 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,798 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,803 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,803 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,806 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,807 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,810 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,810 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,813 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,814 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,817 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,817 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,821 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,821 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,825 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,825 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,829 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,830 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,835 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,836 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,840 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,841 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,844 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,845 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,847 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:13,848 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:13,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:13,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:13,851 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:09:13,851 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:13,851 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:13,851 - __main__ - INFO - Average Fitness Value of Generation: 776131342094811120140900368384.000000 -2015-04-21 15:09:13,851 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:09:13,851 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:13,852 - __main__ - INFO - Finished run 4. -2015-04-21 15:09:13,852 - __main__ - INFO - Starting run 5... -2015-04-21 15:09:13,852 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:13,853 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:13,853 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:13,855 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:13,855 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:13,855 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:13,855 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,856 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,859 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,859 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,862 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,862 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,865 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,865 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,869 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,869 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,874 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,874 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,879 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,879 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,883 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,883 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,886 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,887 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,890 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,891 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,894 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,894 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,897 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,898 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,901 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,901 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,904 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,905 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,909 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:13,910 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:13,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:13,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:13,915 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:09:13,915 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:13,915 - __main__ - INFO - Fitness Value of Best Individual: 693059209730176842726283149312.000000 -2015-04-21 15:09:13,915 - __main__ - INFO - Average Fitness Value of Generation: 79630741283676179940425859072.000000 -2015-04-21 15:09:13,915 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:09:13,915 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:13,916 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:13,916 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:13,916 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,917 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,920 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,920 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,923 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,924 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,927 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,927 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,930 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,930 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,933 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,933 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,936 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,937 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,940 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,941 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,946 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,946 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,951 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,951 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,955 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,955 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,958 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,959 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,962 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,963 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,965 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,966 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,969 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:13,970 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:13,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:13,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:13,972 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:09:13,972 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:13,973 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:09:13,973 - __main__ - INFO - Average Fitness Value of Generation: 482066202280731629807218982912.000000 -2015-04-21 15:09:13,973 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:09:13,973 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:13,973 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:13,973 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:13,974 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,974 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,978 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,978 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,982 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,983 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,987 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,988 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,991 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,992 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,996 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,996 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:13,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:13,999 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:13,999 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:13,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,002 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,003 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,005 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,006 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,009 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,009 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,012 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,013 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,018 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,018 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,023 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,023 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,027 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,027 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,030 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,031 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,034 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:09:14,035 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:14,035 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:09:14,035 - __main__ - INFO - Average Fitness Value of Generation: 641583331988251051647041536000.000000 -2015-04-21 15:09:14,035 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:09:14,035 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:14,035 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:14,035 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:14,036 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,036 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,039 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,039 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,042 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,042 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,045 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,045 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,049 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,049 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,053 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,053 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,058 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,058 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,062 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,062 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,065 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,065 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,068 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,069 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,072 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,072 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,075 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,076 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,078 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,079 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,082 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,083 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,086 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,087 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,091 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:09:14,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:14,092 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:09:14,092 - __main__ - INFO - Average Fitness Value of Generation: 616157394801940659748181377024.000000 -2015-04-21 15:09:14,092 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:09:14,092 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:14,092 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:14,092 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:14,094 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,095 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,098 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,098 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,102 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,102 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,105 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,106 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,108 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,109 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,112 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,112 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,115 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,116 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,119 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,121 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,126 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,127 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,131 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,132 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,135 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,136 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,139 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,139 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,142 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,142 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,145 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,145 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,148 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,149 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,152 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:09:14,152 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:14,152 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:09:14,152 - __main__ - INFO - Average Fitness Value of Generation: 640785759131449462192609427456.000000 -2015-04-21 15:09:14,152 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:09:14,152 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:14,153 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:14,153 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:14,153 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,154 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,158 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,159 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,165 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,165 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,170 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,170 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,174 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,174 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,177 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,177 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,180 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,181 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,184 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,184 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,187 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,188 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,190 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,191 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,194 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,194 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,199 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,200 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,205 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,206 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,210 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,211 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,214 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,214 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,217 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:09:14,218 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:14,218 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,218 - __main__ - INFO - Average Fitness Value of Generation: 816352343394596289904279289856.000000 -2015-04-21 15:09:14,218 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:09:14,218 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:14,218 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:14,218 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:14,219 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,219 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,222 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,223 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,226 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,226 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,229 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,230 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,233 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,233 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,237 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,237 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,242 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,243 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,247 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,248 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,250 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,251 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,254 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,254 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,257 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,258 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,260 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,261 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,264 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,264 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,267 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,267 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,270 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,271 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,275 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:09:14,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:14,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,276 - __main__ - INFO - Average Fitness Value of Generation: 764165315583363753045506654208.000000 -2015-04-21 15:09:14,276 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:09:14,276 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:14,276 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:14,276 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:14,277 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,278 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,282 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,283 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,286 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,287 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,290 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,290 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,293 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,293 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,296 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,297 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,300 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,300 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,303 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,304 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,307 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,308 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,312 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,313 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,317 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,317 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,321 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,321 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,324 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,325 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,328 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,328 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,331 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,332 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,335 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:09:14,335 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:14,335 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,336 - __main__ - INFO - Average Fitness Value of Generation: 859599297023259993725686775808.000000 -2015-04-21 15:09:14,336 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:09:14,336 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:14,336 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:14,336 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:14,337 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,337 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,340 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,340 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,344 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,345 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,350 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,351 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,356 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,356 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,359 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,360 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,363 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,363 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,366 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,367 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,370 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,371 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,374 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,374 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,377 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,378 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,381 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,381 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,384 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,385 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,389 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,390 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,394 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,394 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,397 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:09:14,398 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:14,398 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,398 - __main__ - INFO - Average Fitness Value of Generation: 679105546989627932100484136960.000000 -2015-04-21 15:09:14,398 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:09:14,398 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:14,398 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:14,398 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:14,399 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,399 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,402 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,403 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,406 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,406 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,410 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,410 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,413 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,414 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,418 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,419 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,425 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,427 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,432 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,432 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,436 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,436 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,439 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,440 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,443 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,444 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,447 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,447 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,450 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,451 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,454 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,454 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,457 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:14,458 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:14,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:14,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:14,461 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:09:14,461 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:14,462 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,462 - __main__ - INFO - Average Fitness Value of Generation: 775196851233497207301273026560.000000 -2015-04-21 15:09:14,462 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:09:14,462 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:14,462 - __main__ - INFO - Finished run 5. -2015-04-21 15:09:14,462 - __main__ - INFO - Starting run 6... -2015-04-21 15:09:14,462 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:14,464 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:14,464 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:14,466 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:14,466 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:14,466 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:14,467 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,468 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,472 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,473 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,476 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,477 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,480 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,481 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,484 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,484 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,487 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,488 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,491 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,492 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,495 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,495 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,499 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,499 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,503 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,505 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,509 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,509 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,512 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,513 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,516 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,517 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,520 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,521 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,524 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:14,524 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:14,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:14,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:14,527 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:09:14,528 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:14,528 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:09:14,528 - __main__ - INFO - Average Fitness Value of Generation: 178617362179450838812094103552.000000 -2015-04-21 15:09:14,528 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:09:14,528 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:14,528 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:14,528 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:14,529 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,529 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,532 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,532 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,537 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,538 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,542 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,543 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,545 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,546 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,549 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,549 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,552 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,552 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,555 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,556 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,558 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,559 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,562 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,562 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,565 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,565 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,568 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,570 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,575 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,576 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,580 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,581 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,584 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:14,585 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:14,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:14,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:14,588 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:09:14,588 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:14,588 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,588 - __main__ - INFO - Average Fitness Value of Generation: 631236030198261510784078053376.000000 -2015-04-21 15:09:14,588 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:09:14,588 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:14,588 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:14,588 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:14,589 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,589 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,592 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,593 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,596 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,596 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,599 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,600 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,603 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,603 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,608 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,609 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,613 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,614 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,617 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,617 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,620 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,621 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,624 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,625 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,628 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,629 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,632 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,633 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,636 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,636 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,640 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,640 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,645 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:14,646 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:14,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:14,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:14,653 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:09:14,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:14,654 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:14,654 - __main__ - INFO - Average Fitness Value of Generation: 831574114122735434469952454656.000000 -2015-04-21 15:09:14,654 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:09:14,654 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:14,654 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:14,654 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:14,655 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,656 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,659 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,660 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,663 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,664 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,668 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,668 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,671 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,672 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,675 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,676 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,679 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,679 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,683 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,684 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,688 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,689 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,692 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,692 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,695 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,696 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,699 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,700 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,704 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,704 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,707 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,707 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,710 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:14,711 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:14,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:14,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:14,714 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:09:14,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:14,714 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:09:14,714 - __main__ - INFO - Average Fitness Value of Generation: 885873769743164403700316766208.000000 -2015-04-21 15:09:14,714 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:09:14,714 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:14,714 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:14,714 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:14,715 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,715 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,720 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,720 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,725 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,725 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,728 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,728 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,732 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,732 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,735 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,736 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,739 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,739 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,742 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,742 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,745 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,746 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,749 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,749 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,753 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,754 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,758 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,759 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,763 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,763 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,766 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,767 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,769 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:14,770 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:14,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:14,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:14,773 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:09:14,773 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:14,773 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,773 - __main__ - INFO - Average Fitness Value of Generation: 900826361247454617037497696256.000000 -2015-04-21 15:09:14,773 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:09:14,773 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:14,773 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:14,773 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:14,774 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,774 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,777 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,778 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,781 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,781 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,784 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,785 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,788 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,789 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,794 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,795 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,798 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,799 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,802 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,803 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,806 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,806 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,809 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,809 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,812 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,813 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,816 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,816 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,819 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,820 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,823 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,823 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,828 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:14,829 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:14,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:14,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:14,833 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:09:14,833 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:14,833 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,833 - __main__ - INFO - Average Fitness Value of Generation: 971570255247547170262016327680.000000 -2015-04-21 15:09:14,833 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:09:14,833 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:14,833 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:14,834 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:14,834 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,835 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,838 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,838 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,841 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,842 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,844 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,845 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,847 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,848 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,851 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,851 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,854 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,855 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,857 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,858 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,861 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,863 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,867 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,868 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,872 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,872 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,875 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,876 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,879 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,879 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,882 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,883 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,886 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:14,886 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:14,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:14,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:14,889 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:09:14,889 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:14,889 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,889 - __main__ - INFO - Average Fitness Value of Generation: 814538830753832256612635508736.000000 -2015-04-21 15:09:14,889 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:09:14,889 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:14,889 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:14,889 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:14,890 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,891 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,894 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,895 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,900 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,901 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,906 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,906 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,910 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,911 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,914 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,914 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,917 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,918 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,921 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,921 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,924 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,924 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,928 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,928 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,931 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,932 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,937 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,938 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,943 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,944 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,948 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,949 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,952 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:14,952 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:14,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:14,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:14,955 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:09:14,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:14,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:14,955 - __main__ - INFO - Average Fitness Value of Generation: 802215376779592916393913221120.000000 -2015-04-21 15:09:14,956 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:09:14,956 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:14,956 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:14,956 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:14,956 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,957 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,960 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,961 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,964 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,964 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,967 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,967 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,970 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,970 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,974 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,976 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,980 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,981 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,984 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,985 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,988 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,988 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,991 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,991 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,994 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,995 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:14,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:14,998 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:14,999 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:14,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,002 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,002 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,005 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,006 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,009 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,009 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,014 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:09:15,014 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:15,014 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,014 - __main__ - INFO - Average Fitness Value of Generation: 957344437187560738835853737984.000000 -2015-04-21 15:09:15,014 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:09:15,014 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:15,014 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:15,015 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:15,015 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,016 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,020 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,021 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,024 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,024 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,027 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,028 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,030 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,031 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,034 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,034 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,037 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,038 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,041 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,041 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,045 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,045 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,050 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,050 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,055 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,055 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,059 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,059 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,062 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,063 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,066 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,067 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,070 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,070 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,074 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:09:15,074 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:15,074 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,074 - __main__ - INFO - Average Fitness Value of Generation: 980637978042445948895182716928.000000 -2015-04-21 15:09:15,074 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:09:15,074 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:15,074 - __main__ - INFO - Finished run 6. -2015-04-21 15:09:15,075 - __main__ - INFO - Starting run 7... -2015-04-21 15:09:15,075 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:15,076 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:15,076 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:15,078 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:15,078 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:15,078 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:15,079 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,081 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,086 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,087 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,091 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,092 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,095 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,096 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,099 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,099 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,102 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,103 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,105 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,106 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,109 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,110 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,113 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,113 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,116 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,117 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,122 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,123 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,128 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,128 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,133 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,133 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,136 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,136 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,139 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,140 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,143 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:09:15,143 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:15,143 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 -2015-04-21 15:09:15,143 - __main__ - INFO - Average Fitness Value of Generation: 86381190855110447051803983872.000000 -2015-04-21 15:09:15,143 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:09:15,143 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:15,143 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:15,144 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:15,144 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,145 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,148 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,148 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,152 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,152 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,155 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,156 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,161 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,163 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,167 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,168 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,171 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,171 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,175 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,175 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,178 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,178 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,181 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,181 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,184 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,185 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,188 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,191 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,192 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,195 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,196 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,202 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,202 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,207 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:09:15,207 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:15,207 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 -2015-04-21 15:09:15,207 - __main__ - INFO - Average Fitness Value of Generation: 198018732089409126015306825728.000000 -2015-04-21 15:09:15,207 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:09:15,207 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:15,208 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:15,208 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:15,209 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,209 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,213 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,213 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,216 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,217 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,219 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,220 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,224 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,224 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,228 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,228 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,231 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,231 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,234 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,235 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,240 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,241 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,245 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,249 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,249 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,252 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,252 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,255 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,255 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,258 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,259 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,262 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,262 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,265 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:09:15,265 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:15,265 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 -2015-04-21 15:09:15,265 - __main__ - INFO - Average Fitness Value of Generation: 340240709161280389033303736320.000000 -2015-04-21 15:09:15,265 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:09:15,265 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:15,265 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:15,265 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:15,266 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,266 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,269 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,269 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,273 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,274 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,279 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,280 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,283 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,284 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,287 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,287 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,291 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,291 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,295 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,295 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,298 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,299 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,302 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,302 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,305 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,307 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,312 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,313 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,317 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,318 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,321 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,322 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,325 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,325 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,328 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:09:15,328 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:15,328 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:09:15,329 - __main__ - INFO - Average Fitness Value of Generation: 520900743108152809898318495744.000000 -2015-04-21 15:09:15,329 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:09:15,329 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:15,329 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:15,329 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:15,330 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,330 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,333 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,333 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,336 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,337 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,340 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,340 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,343 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,344 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,349 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,350 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,355 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,355 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,360 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,360 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,363 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,364 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,367 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,368 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,371 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,371 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,374 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,375 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,378 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,379 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,382 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,382 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,385 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,386 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,391 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:09:15,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:15,391 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:15,391 - __main__ - INFO - Average Fitness Value of Generation: 733345703811029317223891075072.000000 -2015-04-21 15:09:15,391 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:09:15,391 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:15,391 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:15,392 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:15,392 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,393 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,397 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,397 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,400 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,401 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,403 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,404 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,407 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,407 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,410 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,411 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,414 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,414 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,417 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,417 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,420 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,421 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,424 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,424 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,428 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,428 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,433 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,433 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,436 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,436 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,439 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,440 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,443 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:15,443 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:15,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:15,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:15,446 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:09:15,446 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:15,446 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,446 - __main__ - INFO - Average Fitness Value of Generation: 757001153616330314645426405376.000000 -2015-04-21 15:09:15,446 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:09:15,446 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:15,446 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:15,446 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:15,447 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,448 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,451 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,451 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,454 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,454 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,457 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,458 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,462 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,462 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,466 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,467 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,470 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,471 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,474 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,474 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,477 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,477 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,481 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,481 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,484 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,484 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,487 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,488 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,491 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,491 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,495 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,495 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,499 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:15,499 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:15,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:15,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:15,504 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:09:15,504 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:15,504 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:15,504 - __main__ - INFO - Average Fitness Value of Generation: 764273029959771142929623547904.000000 -2015-04-21 15:09:15,504 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:09:15,504 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:15,504 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:15,504 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:15,505 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,505 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,508 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,509 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,511 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,512 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,515 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,515 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,518 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,518 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,521 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,521 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,524 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,525 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,527 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,528 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,531 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,532 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,536 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,537 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,541 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,541 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,544 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,544 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,547 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,548 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,551 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,551 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,554 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:15,554 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:15,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:15,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:15,557 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:09:15,557 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:15,557 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,557 - __main__ - INFO - Average Fitness Value of Generation: 887759593818308574683871576064.000000 -2015-04-21 15:09:15,557 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:09:15,558 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:15,558 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:15,558 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:15,558 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,559 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,562 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,562 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,565 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,566 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,570 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,571 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,575 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,575 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,578 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,579 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,582 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,583 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,586 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,586 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,589 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,590 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,594 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,594 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,597 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,597 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,601 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,601 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,607 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,608 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,613 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,613 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,616 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:15,617 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:15,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:15,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:15,620 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:09:15,620 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:15,621 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,621 - __main__ - INFO - Average Fitness Value of Generation: 847003039768226793619617480704.000000 -2015-04-21 15:09:15,621 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:09:15,621 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:15,621 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:15,621 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:15,622 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,622 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,626 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,626 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,629 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,630 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,633 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,634 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,637 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,638 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,644 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,645 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,652 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,654 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,657 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,659 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,663 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,664 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,669 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,669 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,675 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,676 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,679 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,680 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,687 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,689 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,695 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,695 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,698 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:15,699 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:15,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:15,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:15,706 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:09:15,707 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:09:15,707 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,707 - __main__ - INFO - Average Fitness Value of Generation: 997604131044433540745898491904.000000 -2015-04-21 15:09:15,707 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:09:15,707 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:15,707 - __main__ - INFO - Finished run 7. -2015-04-21 15:09:15,707 - __main__ - INFO - Starting run 8... -2015-04-21 15:09:15,707 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:15,710 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:15,710 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:15,713 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:15,713 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:15,713 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:15,714 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,716 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,724 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,725 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,730 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,731 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,735 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,736 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,739 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,740 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,743 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,743 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,746 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,746 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,751 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,752 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,755 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,756 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,759 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,759 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,765 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,766 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,770 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,771 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,775 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,776 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,779 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,779 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,782 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:15,784 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:15,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:15,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:15,786 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:09:15,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:15,787 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 -2015-04-21 15:09:15,787 - __main__ - INFO - Average Fitness Value of Generation: 202595626174794154904507121664.000000 -2015-04-21 15:09:15,787 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:09:15,787 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:15,787 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:15,787 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:15,788 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,788 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,791 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,792 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,795 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,795 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,799 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,800 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,805 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,806 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,810 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,811 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,815 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,815 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,818 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,819 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,821 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,822 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,825 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,826 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,828 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,829 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,831 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,832 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,835 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,836 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,841 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,842 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,846 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:15,847 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:15,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:15,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:15,851 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:09:15,851 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:15,851 - __main__ - INFO - Fitness Value of Best Individual: 1010045120210252260745393733632.000000 -2015-04-21 15:09:15,851 - __main__ - INFO - Average Fitness Value of Generation: 305854584050117898698900897792.000000 -2015-04-21 15:09:15,851 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:09:15,852 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:15,852 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:15,852 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:15,853 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,853 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,856 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,856 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,859 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,859 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,862 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,863 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,866 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,867 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,869 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,870 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,873 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,874 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,879 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,879 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,884 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,885 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,889 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,890 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,893 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,893 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,896 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,897 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,899 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,900 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,903 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,904 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,907 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:15,907 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:15,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:15,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:15,910 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:09:15,910 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:15,911 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:09:15,911 - __main__ - INFO - Average Fitness Value of Generation: 515165491240141332743314210816.000000 -2015-04-21 15:09:15,911 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:09:15,911 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:15,911 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:15,911 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:15,912 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,912 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,917 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,918 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,923 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,925 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,928 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,929 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,932 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,933 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,936 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,936 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,939 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,939 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,942 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,943 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,946 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,946 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,949 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,949 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,955 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,957 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,962 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,962 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,966 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,966 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,969 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,970 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,972 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:15,973 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:15,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:15,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:15,976 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:09:15,976 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:15,976 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:15,976 - __main__ - INFO - Average Fitness Value of Generation: 801079944622354044890654965760.000000 -2015-04-21 15:09:15,977 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:09:15,977 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:15,977 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:15,977 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:15,978 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,978 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,981 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,982 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,985 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,985 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,989 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,989 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:15,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:15,994 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:15,996 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:15,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,000 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,001 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,005 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,005 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,008 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,009 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,012 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,012 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,015 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,016 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,019 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,019 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,022 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,023 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,026 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,026 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,031 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,032 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,037 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,038 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,042 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:09:16,042 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:16,043 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,043 - __main__ - INFO - Average Fitness Value of Generation: 812314967006021168582952484864.000000 -2015-04-21 15:09:16,043 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:09:16,043 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:16,043 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:16,043 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:16,044 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,044 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,047 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,048 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,051 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,051 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,054 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,054 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,057 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,058 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,060 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,061 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,064 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,065 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,068 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,069 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,075 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,075 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,080 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,080 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,083 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,084 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,086 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,087 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,090 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,090 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,093 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,094 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,097 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,097 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,100 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:09:16,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:16,100 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,101 - __main__ - INFO - Average Fitness Value of Generation: 889335227123030015305196765184.000000 -2015-04-21 15:09:16,101 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:09:16,101 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:16,101 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:16,101 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:16,102 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,102 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,105 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,106 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,111 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,112 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,117 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,117 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,121 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,122 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,125 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,125 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,128 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,129 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,132 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,132 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,135 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,136 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,138 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,139 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,142 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,142 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,145 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,146 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,149 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,150 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,155 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,155 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,159 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,159 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,162 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:09:16,162 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:09:16,162 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,163 - __main__ - INFO - Average Fitness Value of Generation: 917106904547596523367001227264.000000 -2015-04-21 15:09:16,163 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:09:16,163 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:16,163 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:16,163 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:16,164 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,164 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,167 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,167 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,170 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,171 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,174 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,174 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,177 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,178 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,181 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,182 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,188 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,189 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,193 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,194 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,197 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,198 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,201 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,201 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,204 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,204 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,207 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,208 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,211 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,211 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,214 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,214 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,218 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,218 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,224 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:09:16,224 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:16,224 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,224 - __main__ - INFO - Average Fitness Value of Generation: 864725217598684196490717429760.000000 -2015-04-21 15:09:16,224 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:09:16,225 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:16,225 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:16,225 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:16,227 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,227 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,231 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,232 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,236 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,236 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,239 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,240 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,243 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,243 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,246 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,246 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,249 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,250 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,253 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,254 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,256 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,257 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,262 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,263 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,268 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,269 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,273 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,273 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,276 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,276 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,279 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,280 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,283 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,283 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,286 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:09:16,286 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:16,286 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,286 - __main__ - INFO - Average Fitness Value of Generation: 853054879989065439057710940160.000000 -2015-04-21 15:09:16,286 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:09:16,287 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:16,287 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:16,287 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:16,287 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,288 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,291 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,291 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,294 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,295 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,300 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,301 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,306 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,306 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,310 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,311 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,314 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,315 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,318 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,318 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,321 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,321 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,324 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,325 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,328 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,328 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,331 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,332 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,336 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,337 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,343 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,344 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,348 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,349 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,352 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:09:16,352 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:16,352 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,352 - __main__ - INFO - Average Fitness Value of Generation: 923868765552380293611910070272.000000 -2015-04-21 15:09:16,352 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:09:16,352 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:16,352 - __main__ - INFO - Finished run 8. -2015-04-21 15:09:16,353 - __main__ - INFO - Starting run 9... -2015-04-21 15:09:16,353 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:16,354 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:16,354 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:16,356 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:16,356 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:16,356 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:16,357 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,358 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,361 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,362 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,365 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,365 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,368 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,369 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,372 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,374 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,379 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,380 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,385 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,386 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,389 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,390 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,393 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,395 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,398 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,399 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,402 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,403 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,407 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,407 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,410 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,411 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,417 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,418 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,422 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:16,423 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:16,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:16,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:16,427 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:09:16,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:16,427 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 -2015-04-21 15:09:16,427 - __main__ - INFO - Average Fitness Value of Generation: 59752267380207587666184634368.000000 -2015-04-21 15:09:16,427 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:09:16,427 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:16,427 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:16,427 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:16,428 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,428 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,432 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,432 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,435 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,435 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,439 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,439 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,442 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,443 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,445 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,446 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,450 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,450 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,456 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,457 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,462 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,463 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,466 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,466 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,469 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,470 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,473 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,473 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,476 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,476 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,479 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,479 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,483 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:16,483 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:16,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:16,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:16,486 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:09:16,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:16,486 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 -2015-04-21 15:09:16,486 - __main__ - INFO - Average Fitness Value of Generation: 230403461272217266793442443264.000000 -2015-04-21 15:09:16,486 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:09:16,486 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:16,486 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:16,486 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:16,487 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,488 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,491 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,491 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,495 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,496 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,500 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,501 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,504 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,505 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,508 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,508 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,512 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,512 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,515 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,516 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,518 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,519 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,522 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,523 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,526 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,526 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,531 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,531 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,536 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,537 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,540 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,540 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,543 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:16,544 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:16,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:16,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:16,546 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:09:16,547 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:16,547 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 -2015-04-21 15:09:16,547 - __main__ - INFO - Average Fitness Value of Generation: 366986824802039804482295955456.000000 -2015-04-21 15:09:16,547 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:09:16,547 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:16,547 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:16,547 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:16,548 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,548 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,551 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,551 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,555 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,555 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,558 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,558 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,562 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,562 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,566 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,566 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,571 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,571 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,575 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,575 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,578 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,578 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,581 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,581 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,584 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,585 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,587 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,588 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,590 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,591 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,594 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,594 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,598 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:16,598 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:16,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:16,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:16,603 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:09:16,604 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:09:16,604 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:16,604 - __main__ - INFO - Average Fitness Value of Generation: 502442927359322430514397184000.000000 -2015-04-21 15:09:16,604 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:09:16,604 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:16,604 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:16,605 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:16,605 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,606 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,609 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,610 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,613 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,614 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,617 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,617 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,620 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,621 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,624 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,624 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,628 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,628 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,631 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,632 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,635 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,636 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,640 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,641 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,646 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,647 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,650 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,651 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,657 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,657 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,662 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,663 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,667 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:16,668 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:16,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:16,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:16,671 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:09:16,671 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:16,671 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,671 - __main__ - INFO - Average Fitness Value of Generation: 785624738600099246901892743168.000000 -2015-04-21 15:09:16,671 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:09:16,671 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:16,671 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:16,671 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:16,672 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,672 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,676 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,677 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,681 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,681 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,685 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,686 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,689 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,689 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,692 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,693 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,695 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,696 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,700 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,701 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,704 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,705 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,707 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,708 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,711 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,711 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,716 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,717 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,721 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,722 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,725 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,726 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,729 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:16,729 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:16,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:16,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:16,733 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:09:16,734 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:16,734 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,734 - __main__ - INFO - Average Fitness Value of Generation: 797844463683880991137900527616.000000 -2015-04-21 15:09:16,734 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:09:16,734 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:16,734 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:16,734 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:16,735 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,735 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,738 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,739 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,742 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,742 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,745 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,746 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,749 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,750 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,754 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,755 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,758 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,759 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,761 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,762 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,765 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,766 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,768 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,769 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,771 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,772 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,775 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,776 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,778 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,779 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,782 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,783 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,786 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:16,787 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:16,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:16,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:16,791 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:09:16,792 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:09:16,792 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,792 - __main__ - INFO - Average Fitness Value of Generation: 782542796373109599135778996224.000000 -2015-04-21 15:09:16,792 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:09:16,792 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:16,792 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:16,792 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:16,793 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,794 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,797 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,797 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,800 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,801 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,804 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,804 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,807 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,807 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,810 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,811 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,814 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,814 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,817 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,817 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,822 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,822 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,827 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,827 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,830 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,831 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,834 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,834 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,837 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,838 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,841 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,841 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,844 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:16,844 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:16,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:16,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:16,847 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:09:16,847 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:09:16,847 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,847 - __main__ - INFO - Average Fitness Value of Generation: 764916458006788512295686242304.000000 -2015-04-21 15:09:16,847 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:09:16,847 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:16,847 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:16,848 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:16,848 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,849 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,852 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,852 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,857 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,858 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,863 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,863 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,866 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,867 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,870 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,870 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,873 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,874 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,877 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,877 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,880 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,881 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,884 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,884 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,887 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,887 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,891 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,892 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,897 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,898 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,901 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,902 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,905 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:16,905 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:16,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:16,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:16,908 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:09:16,908 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:09:16,909 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,909 - __main__ - INFO - Average Fitness Value of Generation: 774052203830770679816011120640.000000 -2015-04-21 15:09:16,909 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:09:16,909 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:16,909 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:16,909 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:16,910 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,910 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,913 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,914 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,916 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,917 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,920 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,920 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,924 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,925 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,931 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,932 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,936 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,937 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,940 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,941 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,944 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,944 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,947 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,948 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,951 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,951 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,955 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,956 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,958 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,959 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,962 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,963 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,969 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:16,970 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:16,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:09:16,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:09:16,975 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:09:16,975 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:09:16,975 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:16,975 - __main__ - INFO - Average Fitness Value of Generation: 937640030639157880392612052992.000000 -2015-04-21 15:09:16,975 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:09:16,975 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:09:16,975 - __main__ - INFO - Finished run 9. -2015-04-21 15:09:16,975 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:09:20,215 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:09:20,215 - __main__ - INFO - Program Arguments: -2015-04-21 15:09:20,215 - __main__ - INFO - plot=True -2015-04-21 15:09:20,215 - __main__ - INFO - autoscale=True -2015-04-21 15:09:20,215 - __main__ - INFO - G=10 -2015-04-21 15:09:20,215 - __main__ - INFO - l=20 -2015-04-21 15:09:20,215 - __main__ - INFO - experiment_number=1 -2015-04-21 15:09:20,215 - __main__ - INFO - N=30 -2015-04-21 15:09:20,215 - __main__ - INFO - pc=0.6 -2015-04-21 15:09:20,215 - __main__ - INFO - ce=False -2015-04-21 15:09:20,215 - __main__ - INFO - ff= -2015-04-21 15:09:20,215 - __main__ - INFO - learn=False -2015-04-21 15:09:20,215 - __main__ - INFO - NG=20 -2015-04-21 15:09:20,216 - __main__ - INFO - nruns=10 -2015-04-21 15:09:20,216 - __main__ - INFO - pm=0.033 -2015-04-21 15:09:20,216 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:09:20,216 - __main__ - INFO - Starting run 0... -2015-04-21 15:09:20,216 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:09:20,217 - __main__ - INFO - Initialization Complete. -2015-04-21 15:09:20,217 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:09:20,219 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:09:20,219 - __main__ - INFO - Generation 0 running... -2015-04-21 15:09:20,219 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:09:20,220 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,220 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,223 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,224 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,227 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,228 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,230 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,231 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,234 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,234 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,237 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,238 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,241 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,241 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,244 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,244 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,248 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,249 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,253 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,254 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,257 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,257 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,260 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,261 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,265 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,268 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,268 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,271 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:09:20,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:09:20,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:09:20,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:09:20,275 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:09:20,275 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:09:20,275 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:09:20,275 - __main__ - INFO - Average Fitness Value of Generation: 183295714981808719742868914176.000000 -2015-04-21 15:09:20,275 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:09:20,275 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:09:20,275 - __main__ - INFO - Generation 1 running... -2015-04-21 15:09:20,275 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:09:20,276 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,276 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,280 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,281 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,285 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,285 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,289 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,290 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,293 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,293 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,296 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,297 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,300 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,300 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,303 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,304 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,307 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,308 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,311 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,311 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,315 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,315 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,320 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,321 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,325 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,325 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,329 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,329 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,332 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:09:20,333 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:09:20,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:09:20,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:09:20,336 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:09:20,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:20,336 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,336 - __main__ - INFO - Average Fitness Value of Generation: 424565799957459851500433965056.000000 -2015-04-21 15:09:20,336 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:09:20,336 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:09:20,336 - __main__ - INFO - Generation 2 running... -2015-04-21 15:09:20,336 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:09:20,337 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,337 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,341 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,341 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,344 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,345 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,348 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,348 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,352 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,354 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,358 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,358 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,362 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,362 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,366 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,366 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,369 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,369 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,372 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,373 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,376 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,377 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,380 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,381 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,383 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,384 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,388 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,389 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,394 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:09:20,395 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:09:20,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:09:20,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:09:20,398 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:09:20,398 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:20,398 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,398 - __main__ - INFO - Average Fitness Value of Generation: 577175855439500306762141007872.000000 -2015-04-21 15:09:20,398 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:09:20,398 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:09:20,398 - __main__ - INFO - Generation 3 running... -2015-04-21 15:09:20,398 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:09:20,399 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,399 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,402 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,402 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,405 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,406 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,409 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,409 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,412 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,412 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,415 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,416 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,418 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,419 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,422 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,423 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,427 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,427 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,432 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,432 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,435 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,435 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,439 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,439 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,442 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,442 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,445 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,446 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,449 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:09:20,449 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:09:20,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:09:20,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:09:20,452 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:09:20,452 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:09:20,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,453 - __main__ - INFO - Average Fitness Value of Generation: 561996227152147665379735371776.000000 -2015-04-21 15:09:20,453 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:09:20,453 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:09:20,453 - __main__ - INFO - Generation 4 running... -2015-04-21 15:09:20,453 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:09:20,454 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,454 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,457 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,457 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,462 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,463 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,467 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,468 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,471 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,472 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,475 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,475 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,478 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,478 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,481 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,482 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,485 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,485 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,488 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,488 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,491 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,492 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,495 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,496 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,500 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,501 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,505 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,505 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,508 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:09:20,509 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:09:20,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:09:20,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:09:20,512 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:09:20,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:09:20,512 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:20,512 - __main__ - INFO - Average Fitness Value of Generation: 841495376501519233620063027200.000000 -2015-04-21 15:09:20,512 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:09:20,512 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:09:20,513 - __main__ - INFO - Generation 5 running... -2015-04-21 15:09:20,513 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:09:20,513 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,514 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,517 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,517 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,520 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,521 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,524 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,524 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,527 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,528 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,532 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,532 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,537 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,538 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,541 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,542 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,545 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,545 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,548 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,549 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,552 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,552 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,555 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,556 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,559 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,559 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,563 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,563 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,567 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:09:20,568 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:09:20,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:09:20,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:09:20,573 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:09:20,573 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:09:20,573 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:09:20,573 - __main__ - INFO - Average Fitness Value of Generation: 949452724823511998030355103744.000000 -2015-04-21 15:09:20,574 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:09:20,574 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:09:20,574 - __main__ - INFO - Generation 6 running... -2015-04-21 15:09:20,574 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:09:20,575 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,575 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,578 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,579 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,582 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,582 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,585 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,586 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,589 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,589 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,592 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,593 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,595 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,596 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,598 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,599 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,603 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,603 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,608 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,609 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,613 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,613 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,616 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,616 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,619 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,620 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,622 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,623 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,626 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:09:20,627 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:09:20,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:09:20,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:09:20,630 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:09:20,630 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:09:20,630 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,630 - __main__ - INFO - Average Fitness Value of Generation: 918554499335437655727176417280.000000 -2015-04-21 15:09:20,630 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:09:20,630 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:09:20,630 - __main__ - INFO - Generation 7 running... -2015-04-21 15:09:20,631 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:09:20,631 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,632 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,636 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,637 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,644 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,645 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,651 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,653 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,658 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,659 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,664 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,665 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,668 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,668 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,671 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,671 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,674 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,675 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,678 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,678 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,683 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,683 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,688 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,688 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,691 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,691 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,694 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,695 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,699 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:09:20,699 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:09:20,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:09:20,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:09:20,703 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:09:20,703 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:09:20,703 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,703 - __main__ - INFO - Average Fitness Value of Generation: 947331047708825556502290890752.000000 -2015-04-21 15:09:20,703 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:09:20,703 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:09:20,703 - __main__ - INFO - Generation 8 running... -2015-04-21 15:09:20,703 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:09:20,704 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,704 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,707 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,708 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,711 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,711 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,714 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,714 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,719 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,720 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,725 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,725 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,729 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,729 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,732 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,732 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,735 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,736 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,739 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,739 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,742 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,742 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,745 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,745 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,748 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,749 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,752 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,753 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,757 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:09:20,757 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:09:20,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:09:20,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:09:20,762 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:09:20,762 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:09:20,762 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:09:20,762 - __main__ - INFO - Average Fitness Value of Generation: 721302166424526442074554236928.000000 -2015-04-21 15:09:20,762 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:09:20,763 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:09:20,763 - __main__ - INFO - Generation 9 running... -2015-04-21 15:09:20,763 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:09:20,763 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:09:20,764 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:09:20,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:10,982 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:17:10,982 - __main__ - INFO - Program Arguments: -2015-04-21 15:17:10,982 - __main__ - INFO - plot=True -2015-04-21 15:17:10,982 - __main__ - INFO - autoscale=True -2015-04-21 15:17:10,982 - __main__ - INFO - G=10 -2015-04-21 15:17:10,982 - __main__ - INFO - l=20 -2015-04-21 15:17:10,982 - __main__ - INFO - experiment_number=1 -2015-04-21 15:17:10,982 - __main__ - INFO - N=30 -2015-04-21 15:17:10,982 - __main__ - INFO - pc=0.6 -2015-04-21 15:17:10,982 - __main__ - INFO - ce=False -2015-04-21 15:17:10,982 - __main__ - INFO - ff= -2015-04-21 15:17:10,982 - __main__ - INFO - learn=False -2015-04-21 15:17:10,982 - __main__ - INFO - NG=20 -2015-04-21 15:17:10,983 - __main__ - INFO - nruns=10 -2015-04-21 15:17:10,983 - __main__ - INFO - pm=0.033 -2015-04-21 15:17:10,983 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:17:10,983 - __main__ - INFO - Starting run 0... -2015-04-21 15:17:10,983 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:10,985 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:10,985 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:10,986 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:10,987 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:10,987 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:10,987 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,597 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:17:52,597 - __main__ - INFO - Program Arguments: -2015-04-21 15:17:52,597 - __main__ - INFO - plot=True -2015-04-21 15:17:52,597 - __main__ - INFO - autoscale=True -2015-04-21 15:17:52,597 - __main__ - INFO - G=10 -2015-04-21 15:17:52,597 - __main__ - INFO - l=20 -2015-04-21 15:17:52,597 - __main__ - INFO - experiment_number=1 -2015-04-21 15:17:52,597 - __main__ - INFO - N=30 -2015-04-21 15:17:52,597 - __main__ - INFO - pc=0.6 -2015-04-21 15:17:52,597 - __main__ - INFO - ce=False -2015-04-21 15:17:52,597 - __main__ - INFO - ff= -2015-04-21 15:17:52,597 - __main__ - INFO - learn=False -2015-04-21 15:17:52,598 - __main__ - INFO - NG=20 -2015-04-21 15:17:52,598 - __main__ - INFO - nruns=10 -2015-04-21 15:17:52,598 - __main__ - INFO - pm=0.033 -2015-04-21 15:17:52,598 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:17:52,598 - __main__ - INFO - Starting run 0... -2015-04-21 15:17:52,598 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:52,599 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:52,599 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:52,601 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:52,601 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:52,601 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:52,602 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,602 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,605 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,605 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,608 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,609 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,612 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,612 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,615 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,616 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,619 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,619 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,622 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,623 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,626 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,626 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,630 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,630 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,634 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,635 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,640 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,641 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,645 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,646 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,654 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,655 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,662 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,662 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,665 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:52,665 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:52,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:52,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:52,669 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:17:52,669 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:17:52,669 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 -2015-04-21 15:17:52,669 - __main__ - INFO - Average Fitness Value of Generation: 103909360782790408877027360768.000000 -2015-04-21 15:17:52,670 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:17:52,670 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:52,670 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:52,670 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:52,671 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,671 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,675 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,676 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,679 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,679 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,683 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,683 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,687 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,688 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,691 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,691 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,694 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,694 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,698 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,698 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,701 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,701 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,705 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,705 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,709 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,709 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,713 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,713 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,716 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,717 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,719 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,720 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,723 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:52,723 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:52,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:52,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:52,726 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:17:52,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:52,726 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:17:52,726 - __main__ - INFO - Average Fitness Value of Generation: 431647914070736632447519162368.000000 -2015-04-21 15:17:52,726 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:17:52,726 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:52,726 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:52,727 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:52,727 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,728 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,730 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,731 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,734 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,734 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,738 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,738 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,742 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,743 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,747 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,748 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,750 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,751 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,754 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,754 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,757 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,758 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,761 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,761 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,765 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,765 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,768 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,768 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,772 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,772 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,777 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,778 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,782 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:52,783 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:52,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:52,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:52,786 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:17:52,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:17:52,787 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:52,787 - __main__ - INFO - Average Fitness Value of Generation: 703381258180238483360097239040.000000 -2015-04-21 15:17:52,787 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:17:52,787 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:52,787 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:52,787 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:52,788 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,788 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,791 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,791 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,794 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,795 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,797 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,798 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,801 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,802 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,805 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,805 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,810 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,811 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,816 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,817 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,821 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,822 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,824 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,825 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,828 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,828 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,831 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,832 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,835 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,835 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,838 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,839 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,842 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:52,843 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:52,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:52,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:52,847 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:17:52,847 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:52,848 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:52,848 - __main__ - INFO - Average Fitness Value of Generation: 913637139614928214500610932736.000000 -2015-04-21 15:17:52,848 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:17:52,848 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:52,848 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:52,848 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:52,849 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,850 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,856 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,856 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,860 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,861 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,864 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,865 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,867 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,868 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,871 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,871 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,874 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,875 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,878 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,878 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,881 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,882 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,886 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,886 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,892 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,892 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,897 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,897 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,901 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,901 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,904 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,905 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,908 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:52,909 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:52,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:52,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:52,912 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:17:52,912 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:52,912 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:52,912 - __main__ - INFO - Average Fitness Value of Generation: 1014176065885607406589421027328.000000 -2015-04-21 15:17:52,912 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:17:52,912 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:52,912 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:52,912 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:52,913 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,914 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,916 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,917 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,920 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,921 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,925 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,925 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,931 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,931 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,936 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,936 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,940 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,940 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,943 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,943 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,946 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,946 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,949 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,950 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,953 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,953 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,956 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,957 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,959 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,960 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,964 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,965 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,970 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:52,971 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:52,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:52,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:52,976 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:17:52,976 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:52,976 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:52,976 - __main__ - INFO - Average Fitness Value of Generation: 795203039384158817637925650432.000000 -2015-04-21 15:17:52,976 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:17:52,977 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:52,977 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:52,977 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:52,977 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,978 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,981 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,981 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,985 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,985 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,988 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,989 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,992 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,992 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,995 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,995 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:52,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:52,998 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:52,999 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:52,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,003 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,004 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,009 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,010 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,014 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,015 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,018 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,019 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,022 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,022 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,025 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,025 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,028 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,028 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,031 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,032 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,035 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:17:53,035 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:53,035 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,035 - __main__ - INFO - Average Fitness Value of Generation: 934454839205742780596501872640.000000 -2015-04-21 15:17:53,035 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:17:53,035 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:53,035 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:53,035 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:53,036 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,037 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,040 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,041 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,047 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,048 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,052 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,053 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,056 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,057 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,059 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,060 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,063 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,063 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,066 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,067 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,070 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,070 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,073 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,073 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,076 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,077 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,082 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,084 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,089 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,089 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,094 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,094 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,097 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,097 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,100 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:17:53,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:53,100 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,101 - __main__ - INFO - Average Fitness Value of Generation: 939330233901637618766165573632.000000 -2015-04-21 15:17:53,101 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:17:53,101 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:53,101 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:53,101 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:53,102 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,102 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,105 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,105 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,108 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,109 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,112 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,112 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,115 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,116 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,121 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,122 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,126 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,127 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,131 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,131 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,134 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,135 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,138 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,138 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,141 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,142 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,145 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,146 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,148 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,149 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,151 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,152 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,156 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,156 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,162 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:17:53,162 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:53,162 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,162 - __main__ - INFO - Average Fitness Value of Generation: 872413651982539123380897972224.000000 -2015-04-21 15:17:53,162 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:17:53,162 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:53,163 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:53,163 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:53,163 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,164 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,168 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,169 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,172 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,172 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,175 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,175 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,178 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,179 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,182 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,182 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,185 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,185 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,188 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,189 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,192 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,192 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,197 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,198 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,203 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,203 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,208 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,209 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,212 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,212 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,215 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,216 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,219 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,220 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,223 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:17:53,223 - __main__ - INFO - Number of Correct Bits in Best Individual: 23 -2015-04-21 15:17:53,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,223 - __main__ - INFO - Average Fitness Value of Generation: 954173639329123165818599768064.000000 -2015-04-21 15:17:53,223 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:17:53,223 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:53,223 - __main__ - INFO - Finished run 0. -2015-04-21 15:17:53,224 - __main__ - INFO - Starting run 1... -2015-04-21 15:17:53,224 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:53,225 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:53,225 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:53,227 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:53,227 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:53,227 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:53,228 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,228 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,231 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,231 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,237 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,237 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,242 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,243 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,247 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,248 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,250 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,251 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,254 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,255 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,258 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,258 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,261 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,262 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,265 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,267 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,268 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,271 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,271 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,277 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,278 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,283 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,283 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,286 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,287 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,289 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:17:53,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:53,290 - __main__ - INFO - Fitness Value of Best Individual: 561978813405172455214948548608.000000 -2015-04-21 15:17:53,290 - __main__ - INFO - Average Fitness Value of Generation: 52712359896068734268731293696.000000 -2015-04-21 15:17:53,290 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:17:53,290 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:53,290 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:53,290 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:53,291 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,291 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,294 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,294 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,297 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,298 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,301 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,301 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,304 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,305 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,307 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,308 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,313 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,313 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,319 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,319 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,323 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,324 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,328 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,328 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,331 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,332 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,335 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,335 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,338 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,338 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,341 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,341 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,344 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,344 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,347 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:17:53,347 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:53,347 - __main__ - INFO - Fitness Value of Best Individual: 605069371210072971160980553728.000000 -2015-04-21 15:17:53,348 - __main__ - INFO - Average Fitness Value of Generation: 187562643184727235375658958848.000000 -2015-04-21 15:17:53,348 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:17:53,348 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:53,348 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:53,348 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:53,349 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,350 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,355 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,356 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,360 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,361 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,364 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,365 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,368 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,368 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,371 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,372 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,375 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,376 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,379 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,379 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,382 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,382 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,386 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,387 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,392 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,394 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,398 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,399 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,402 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,403 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,406 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,406 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,409 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,410 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,412 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:17:53,412 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:53,413 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 -2015-04-21 15:17:53,413 - __main__ - INFO - Average Fitness Value of Generation: 311964346751759473058047328256.000000 -2015-04-21 15:17:53,413 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:17:53,413 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:53,413 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:53,413 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:53,414 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,414 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,417 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,417 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,420 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,420 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,423 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,424 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,427 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,427 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,432 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,432 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,437 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,438 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,441 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,441 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,444 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,445 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,447 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,448 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,451 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,452 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,455 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,455 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,458 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,458 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,462 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,462 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,468 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:53,469 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:53,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:53,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:53,474 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:17:53,474 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:53,474 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:17:53,474 - __main__ - INFO - Average Fitness Value of Generation: 411618122165083270937105661952.000000 -2015-04-21 15:17:53,474 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:17:53,475 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:53,475 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:53,475 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:53,476 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,476 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,480 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,480 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,483 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,483 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,487 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,487 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,490 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,490 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,493 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,494 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,497 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,497 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,500 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,501 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,507 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,507 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,511 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,512 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,516 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,516 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,519 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,519 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,522 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,523 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,526 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,526 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,529 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:53,529 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:53,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:53,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:53,533 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:17:53,533 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:53,533 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 -2015-04-21 15:17:53,533 - __main__ - INFO - Average Fitness Value of Generation: 522553084989927809157919932416.000000 -2015-04-21 15:17:53,533 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:17:53,533 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:53,533 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:53,533 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:53,534 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,534 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,538 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,538 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,541 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,542 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,547 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,547 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,552 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,552 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,555 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,555 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,558 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,559 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,561 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,562 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,565 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,566 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,569 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,569 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,572 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,572 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,575 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,576 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,580 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,581 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,585 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,586 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,589 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:53,590 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:53,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:53,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:53,593 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:17:53,593 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:53,593 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,593 - __main__ - INFO - Average Fitness Value of Generation: 583260930018400242571826692096.000000 -2015-04-21 15:17:53,593 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:17:53,593 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:53,593 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:53,593 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:53,594 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,594 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,597 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,597 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,601 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,601 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,604 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,605 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,608 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,609 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,612 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,613 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,619 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,619 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,624 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,625 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,629 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,630 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,633 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,633 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,637 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,638 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,644 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,647 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,655 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,656 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,663 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,664 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,667 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:53,668 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:53,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:53,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:53,672 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:17:53,672 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:53,672 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,672 - __main__ - INFO - Average Fitness Value of Generation: 644455492686224369352722874368.000000 -2015-04-21 15:17:53,672 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:17:53,673 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:53,673 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:53,673 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:53,673 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,674 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,676 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,677 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,680 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,681 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,684 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,684 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,689 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,689 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,692 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,692 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,697 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,698 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,702 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,703 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,706 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,707 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,710 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,710 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,713 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,714 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,717 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,717 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,720 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,720 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,723 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,724 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,727 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:53,727 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:53,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:53,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:53,732 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:17:53,732 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:17:53,732 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,732 - __main__ - INFO - Average Fitness Value of Generation: 679508739393441945312397623296.000000 -2015-04-21 15:17:53,733 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:17:53,733 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:53,733 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:53,733 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:53,734 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,735 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,739 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,739 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,743 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,743 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,746 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,746 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,749 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,750 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,753 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,753 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,756 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,756 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,759 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,759 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,762 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,763 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,768 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,769 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,775 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,775 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,779 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,780 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,783 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,784 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,787 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,787 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,790 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:53,791 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:53,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:53,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:53,794 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:17:53,794 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:53,794 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,794 - __main__ - INFO - Average Fitness Value of Generation: 728611171830232438959583002624.000000 -2015-04-21 15:17:53,794 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:17:53,794 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:53,794 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:53,794 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:53,795 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,795 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,798 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,799 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,802 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,802 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,805 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,806 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,812 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,813 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,817 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,818 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,821 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,821 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,824 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,825 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,827 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,828 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,831 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,832 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,835 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,835 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,838 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,838 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,842 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,843 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,847 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,849 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,854 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:53,854 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:53,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:53,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:53,858 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:17:53,859 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:53,859 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:53,859 - __main__ - INFO - Average Fitness Value of Generation: 705596454790579068497089789952.000000 -2015-04-21 15:17:53,859 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:17:53,859 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:53,859 - __main__ - INFO - Finished run 1. -2015-04-21 15:17:53,859 - __main__ - INFO - Starting run 2... -2015-04-21 15:17:53,859 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:53,860 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:53,861 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:53,862 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:53,862 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:53,862 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:53,863 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,863 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,866 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,867 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,870 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,870 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,873 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,874 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,877 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,877 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,880 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,881 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,886 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,888 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,893 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,894 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,898 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,899 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,902 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,902 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,905 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,906 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,909 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,910 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,912 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,913 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,916 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,917 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,919 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:53,920 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:53,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:53,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:53,923 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:17:53,923 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:53,923 - __main__ - INFO - Fitness Value of Best Individual: 263075576163828387689757933568.000000 -2015-04-21 15:17:53,923 - __main__ - INFO - Average Fitness Value of Generation: 38399163003734855847291912192.000000 -2015-04-21 15:17:53,924 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:17:53,924 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:53,924 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:53,924 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:53,925 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,926 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,930 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,930 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,934 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,934 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,937 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,938 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,940 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,941 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,943 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,944 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,946 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,947 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,949 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,950 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,953 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,953 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,956 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,956 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,959 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,959 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,964 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,965 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,969 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,970 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,973 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,973 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,976 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:53,976 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:53,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:53,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:53,980 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:17:53,980 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:53,980 - __main__ - INFO - Fitness Value of Best Individual: 272235751814867446987201970176.000000 -2015-04-21 15:17:53,980 - __main__ - INFO - Average Fitness Value of Generation: 146830214911420301629475258368.000000 -2015-04-21 15:17:53,980 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:17:53,980 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:53,980 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:53,980 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:53,981 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,981 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,985 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,985 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,988 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,989 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,991 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,992 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:53,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:53,997 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:53,998 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:53,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,004 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,004 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,008 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,009 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,012 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,012 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,015 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,016 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,019 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,020 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,022 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,023 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,026 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,026 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,029 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,029 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,032 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,033 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,039 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,039 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,043 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:17:54,043 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:54,044 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 -2015-04-21 15:17:54,044 - __main__ - INFO - Average Fitness Value of Generation: 160038401518243242976040976384.000000 -2015-04-21 15:17:54,044 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:17:54,044 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:54,044 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:54,045 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:54,045 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,046 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,049 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,050 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,053 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,054 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,056 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,057 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,060 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,060 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,063 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,064 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,067 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,067 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,071 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,072 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,077 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,079 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,083 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,083 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,087 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,088 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,091 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,091 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,094 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,095 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,097 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,098 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,101 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,102 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,104 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:17:54,105 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:54,105 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:17:54,105 - __main__ - INFO - Average Fitness Value of Generation: 288473337309140403345984323584.000000 -2015-04-21 15:17:54,105 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:17:54,105 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:54,105 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:54,105 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:54,106 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,107 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,110 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,111 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,117 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,118 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,122 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,123 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,127 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,127 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,130 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,131 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,134 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,134 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,137 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,137 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,140 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,141 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,144 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,144 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,147 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,148 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,153 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,154 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,159 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,159 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,164 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,164 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,167 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,168 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,171 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:17:54,171 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:54,171 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:17:54,171 - __main__ - INFO - Average Fitness Value of Generation: 384414834064459702309090230272.000000 -2015-04-21 15:17:54,172 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:17:54,172 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:54,172 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:54,172 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:54,172 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,173 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,176 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,176 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,179 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,180 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,183 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,183 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,186 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,186 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,191 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,192 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,197 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,197 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,201 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,202 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,205 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,205 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,208 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,208 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,211 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,212 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,215 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,216 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,219 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,219 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,222 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,222 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,226 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,227 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,233 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:17:54,233 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:54,233 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,233 - __main__ - INFO - Average Fitness Value of Generation: 490849321806312802931278086144.000000 -2015-04-21 15:17:54,233 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:17:54,233 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:54,234 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:54,234 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:54,235 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,235 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,240 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,240 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,243 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,244 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,247 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,247 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,250 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,250 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,253 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,253 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,256 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,256 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,259 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,260 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,262 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,263 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,267 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,268 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,273 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,274 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,278 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,279 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,282 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,282 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,285 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,285 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,288 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,289 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,292 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:17:54,292 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:54,292 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,292 - __main__ - INFO - Average Fitness Value of Generation: 713864478502635280907282415616.000000 -2015-04-21 15:17:54,292 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:17:54,292 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:54,292 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:54,292 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:54,293 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,294 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,297 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,297 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,300 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,300 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,304 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,304 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,310 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,311 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,315 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,315 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,319 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,319 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,322 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,323 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,326 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,326 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,329 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,329 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,332 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,333 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,336 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,336 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,339 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,339 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,343 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,344 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,350 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,350 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,355 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:17:54,355 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:54,355 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,355 - __main__ - INFO - Average Fitness Value of Generation: 702808285864246984782441873408.000000 -2015-04-21 15:17:54,355 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:17:54,355 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:54,356 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:54,356 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:54,356 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,357 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,360 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,360 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,363 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,364 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,366 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,367 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,370 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,371 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,374 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,374 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,377 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,378 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,382 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,382 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,388 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,389 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,393 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,394 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,398 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,399 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,402 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,402 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,405 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,406 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,409 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,409 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,412 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,412 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,415 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:17:54,415 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:54,415 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,415 - __main__ - INFO - Average Fitness Value of Generation: 907317716636128346229188853760.000000 -2015-04-21 15:17:54,415 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:17:54,416 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:54,416 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:54,416 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:54,416 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,417 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,420 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,420 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,426 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,426 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,431 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,431 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,435 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,436 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,439 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,439 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,442 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,442 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,445 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,446 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,449 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,449 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,452 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,453 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,456 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,456 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,459 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,460 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,464 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,466 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,470 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,471 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,474 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:54,474 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:54,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:54,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:54,477 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:17:54,477 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:54,477 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,478 - __main__ - INFO - Average Fitness Value of Generation: 698589232125851367424894435328.000000 -2015-04-21 15:17:54,478 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:17:54,478 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:54,478 - __main__ - INFO - Finished run 2. -2015-04-21 15:17:54,478 - __main__ - INFO - Starting run 3... -2015-04-21 15:17:54,478 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:54,479 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:54,479 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:54,481 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:54,481 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:54,481 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:54,482 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,482 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,485 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,485 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,488 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,489 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,491 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,492 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,495 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,496 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,499 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,500 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,505 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,505 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,509 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,510 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,513 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,513 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,516 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,516 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,519 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,520 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,523 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,523 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,526 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,527 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,530 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,531 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,534 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:54,535 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:54,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:54,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:54,539 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:17:54,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:54,540 - __main__ - INFO - Fitness Value of Best Individual: 729856987976323855847822196736.000000 -2015-04-21 15:17:54,540 - __main__ - INFO - Average Fitness Value of Generation: 71239148270638531907847979008.000000 -2015-04-21 15:17:54,540 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:17:54,540 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:54,540 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:54,540 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:54,541 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,542 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,545 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,546 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,549 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,550 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,553 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,553 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,556 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,557 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,560 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,560 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,563 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,564 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,566 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,567 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,570 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,570 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,574 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,575 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,579 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,580 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,583 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,584 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,587 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,587 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,590 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,591 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,594 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:54,595 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:54,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:54,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:54,598 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:17:54,598 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:17:54,598 - __main__ - INFO - Fitness Value of Best Individual: 729856987976323855847822196736.000000 -2015-04-21 15:17:54,598 - __main__ - INFO - Average Fitness Value of Generation: 284751206837941042005663547392.000000 -2015-04-21 15:17:54,598 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:17:54,598 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:54,598 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:54,598 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:54,599 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,599 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,602 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,603 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,606 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,607 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,611 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,612 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,616 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,617 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,620 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,621 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,624 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,624 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,627 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,628 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,631 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,631 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,635 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,635 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,641 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,642 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,649 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,651 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,658 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,659 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,663 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,663 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,666 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:54,666 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:54,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:54,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:54,671 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:17:54,671 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:17:54,671 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:17:54,671 - __main__ - INFO - Average Fitness Value of Generation: 659262827109684124173060800512.000000 -2015-04-21 15:17:54,672 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:17:54,672 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:54,672 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:54,672 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:54,672 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,673 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,676 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,676 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,679 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,680 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,683 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,683 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,688 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,688 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,693 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,694 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,698 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,698 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,702 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,702 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,706 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,706 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,709 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,709 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,712 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,713 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,716 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,716 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,719 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,719 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,722 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,723 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,726 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:54,726 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:54,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:54,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:54,731 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:17:54,731 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:54,731 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:17:54,731 - __main__ - INFO - Average Fitness Value of Generation: 741038291189742946466205270016.000000 -2015-04-21 15:17:54,731 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:17:54,731 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:54,731 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:54,731 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:54,732 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,733 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,737 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,737 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,740 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,740 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,743 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,743 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,747 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,747 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,750 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,751 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,754 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,754 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,757 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,758 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,761 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,761 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,766 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,766 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,771 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,771 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,774 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,775 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,778 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,778 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,781 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,782 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,785 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:54,785 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:54,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:54,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:54,788 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:17:54,788 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:54,788 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,788 - __main__ - INFO - Average Fitness Value of Generation: 762985459666033472695886151680.000000 -2015-04-21 15:17:54,788 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:17:54,788 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:54,788 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:54,788 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:54,789 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,790 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,792 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,793 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,796 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,796 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,801 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,801 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,806 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,806 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,809 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,809 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,813 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,813 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,816 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,817 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,820 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,821 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,823 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,824 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,827 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,827 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,831 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,831 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,836 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,837 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,842 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,843 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,847 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:54,847 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:54,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:54,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:54,850 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:17:54,850 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:54,850 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:17:54,851 - __main__ - INFO - Average Fitness Value of Generation: 750466682909865984105973284864.000000 -2015-04-21 15:17:54,851 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:17:54,851 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:54,851 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:54,851 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:54,852 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,852 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,855 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,855 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,858 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,859 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,861 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,862 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,865 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,865 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,868 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,869 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,874 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,874 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,879 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,880 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,884 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,885 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,888 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,889 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,892 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,892 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,895 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,896 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,899 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,899 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,902 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,902 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,906 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:54,906 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:54,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:54,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:54,911 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:17:54,911 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:54,911 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,911 - __main__ - INFO - Average Fitness Value of Generation: 771296817160157081776028647424.000000 -2015-04-21 15:17:54,912 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:17:54,912 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:54,912 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:54,912 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:54,913 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,914 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,919 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,919 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,923 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,923 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,926 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,927 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,930 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,931 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,933 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,934 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,936 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,937 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,940 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,940 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,943 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,943 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,946 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,947 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,951 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,952 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,956 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,957 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,960 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,961 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,964 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,964 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,967 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:54,968 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:54,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:54,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:54,971 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:17:54,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:17:54,971 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:54,971 - __main__ - INFO - Average Fitness Value of Generation: 728210445722341534957997916160.000000 -2015-04-21 15:17:54,971 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:17:54,971 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:54,971 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:54,971 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:54,972 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,972 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,976 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,976 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,979 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,980 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,982 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,983 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,988 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,988 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,993 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,994 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,996 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:54,997 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:54,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:54,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:54,999 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,000 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,002 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,003 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,006 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,006 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,009 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,010 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,013 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,013 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,016 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,016 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,019 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,019 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,024 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,024 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,028 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:17:55,029 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:55,029 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,029 - __main__ - INFO - Average Fitness Value of Generation: 873843260702491138858533519360.000000 -2015-04-21 15:17:55,029 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:17:55,029 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:55,029 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:55,029 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:55,030 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,031 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,034 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,035 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,038 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,038 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,041 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,041 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,044 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,045 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,048 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,048 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,051 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,052 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,056 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,056 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,062 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,063 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,067 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,068 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,072 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,073 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,076 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,077 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,080 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,081 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,084 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,084 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,087 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,088 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,091 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:17:55,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:17:55,091 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,092 - __main__ - INFO - Average Fitness Value of Generation: 817923361157658309117366763520.000000 -2015-04-21 15:17:55,092 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:17:55,092 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:55,092 - __main__ - INFO - Finished run 3. -2015-04-21 15:17:55,092 - __main__ - INFO - Starting run 4... -2015-04-21 15:17:55,092 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:55,094 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:55,094 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:55,095 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:55,096 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:55,096 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:55,096 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,097 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,102 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,103 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,107 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,107 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,110 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,112 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,115 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,116 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,119 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,120 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,123 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,124 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,126 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,128 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,131 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,132 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,137 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,138 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,142 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,143 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,146 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,146 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,149 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,150 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,153 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,153 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,156 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,156 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,159 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:17:55,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:55,160 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-21 15:17:55,160 - __main__ - INFO - Average Fitness Value of Generation: 106204240680992237459265814528.000000 -2015-04-21 15:17:55,160 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:17:55,160 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:55,160 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:55,160 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:55,161 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,161 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,164 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,164 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,167 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,168 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,172 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,172 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,177 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,177 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,181 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,181 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,184 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,185 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,188 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,192 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,192 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,195 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,196 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,199 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,199 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,202 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,203 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,209 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,210 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,215 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,215 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,219 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,219 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,222 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:17:55,222 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:17:55,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,223 - __main__ - INFO - Average Fitness Value of Generation: 516884545601228068026893467648.000000 -2015-04-21 15:17:55,223 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:17:55,223 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:55,223 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:55,223 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:55,224 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,224 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,227 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,228 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,231 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,231 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,234 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,235 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,238 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,239 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,242 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,243 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,247 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,248 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,253 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,254 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,257 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,257 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,260 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,261 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,264 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,264 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,268 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,268 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,271 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,272 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,275 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,275 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,278 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,279 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,284 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:17:55,284 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:55,284 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,284 - __main__ - INFO - Average Fitness Value of Generation: 783261891258505501247073681408.000000 -2015-04-21 15:17:55,284 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:17:55,284 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:55,285 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:55,285 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:55,285 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,286 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,290 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,290 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,294 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,294 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,297 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,297 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,300 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,301 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,304 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,304 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,307 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,307 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,310 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,310 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,313 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,314 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,318 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,319 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,324 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,325 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,328 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,328 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,332 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,332 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,335 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,336 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,339 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,339 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,342 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:17:55,342 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:55,343 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,343 - __main__ - INFO - Average Fitness Value of Generation: 840496605811346130643003113472.000000 -2015-04-21 15:17:55,343 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:17:55,343 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:55,343 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:55,343 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:55,344 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,344 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,347 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,347 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,350 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,351 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,356 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,357 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,361 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,362 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,365 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,365 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,368 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,369 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,372 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,372 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,375 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,376 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,379 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,379 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,382 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,382 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,385 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,385 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,388 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,389 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,394 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,394 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,399 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:55,399 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:55,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:55,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:55,403 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:17:55,403 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:55,403 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,403 - __main__ - INFO - Average Fitness Value of Generation: 894793827534366874322897731584.000000 -2015-04-21 15:17:55,403 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:17:55,403 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:55,404 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:55,404 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:55,404 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,405 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,408 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,409 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,412 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,412 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,415 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,416 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,419 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,419 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,423 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,424 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,429 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,430 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,435 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,435 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,439 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,439 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,442 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,442 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,445 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,446 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,449 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,449 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,452 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,453 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,456 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,456 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,459 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:55,459 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:55,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:55,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:55,464 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:17:55,465 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:55,465 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,465 - __main__ - INFO - Average Fitness Value of Generation: 901523421547554180136022573056.000000 -2015-04-21 15:17:55,465 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:17:55,465 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:55,465 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:55,465 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:55,467 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,468 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,472 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,473 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,477 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,477 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,480 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,481 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,484 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,484 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,488 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,488 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,491 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,492 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,494 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,495 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,498 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,498 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,502 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,503 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,507 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,508 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,512 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,512 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,515 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,516 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,519 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,519 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,522 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:55,522 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:55,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:55,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:55,526 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:17:55,526 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:55,526 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,526 - __main__ - INFO - Average Fitness Value of Generation: 793758877762780629198404845568.000000 -2015-04-21 15:17:55,526 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:17:55,526 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:55,526 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:55,526 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:55,527 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,527 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,530 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,531 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,534 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,534 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,538 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,539 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,543 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,544 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,548 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,548 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,551 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,552 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,555 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,555 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,558 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,558 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,562 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,562 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,565 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,566 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,569 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,569 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,572 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,573 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,578 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,578 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,583 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:55,583 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:55,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:55,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:55,586 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:17:55,586 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:55,586 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,586 - __main__ - INFO - Average Fitness Value of Generation: 875018457951555169261365231616.000000 -2015-04-21 15:17:55,586 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:17:55,586 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:55,587 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:55,587 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:55,587 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,588 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,591 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,591 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,594 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,595 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,598 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,598 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,601 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,601 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,604 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,605 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,610 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,611 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,616 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,617 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,621 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,621 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,624 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,625 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,629 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,629 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,635 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,635 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,639 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,639 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,643 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,644 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,649 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:55,650 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:55,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:55,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:55,659 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:17:55,660 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:55,660 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,660 - __main__ - INFO - Average Fitness Value of Generation: 1049248686703021146521187909632.000000 -2015-04-21 15:17:55,660 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:17:55,661 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:55,661 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:55,661 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:55,663 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,664 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,669 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,670 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,676 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,677 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,682 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,683 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,689 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,689 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,695 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,696 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,701 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,702 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,706 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,706 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,709 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,710 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,713 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,713 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,716 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,716 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,721 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,721 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,724 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,724 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,727 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,728 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,734 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:55,735 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:55,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:55,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:55,739 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:17:55,740 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:55,740 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,740 - __main__ - INFO - Average Fitness Value of Generation: 1025133184371055987247414247424.000000 -2015-04-21 15:17:55,740 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:17:55,741 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:55,741 - __main__ - INFO - Finished run 4. -2015-04-21 15:17:55,741 - __main__ - INFO - Starting run 5... -2015-04-21 15:17:55,741 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:55,743 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:55,743 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:55,744 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:55,745 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:55,745 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:55,745 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,746 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,749 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,749 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,752 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,753 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,756 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,757 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,760 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,761 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,764 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,764 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,769 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,770 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,775 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,777 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,781 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,782 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,785 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,786 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,789 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,789 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,792 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,793 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,796 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,796 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,799 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,800 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,803 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:55,803 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:55,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:55,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:55,808 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:17:55,808 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:55,808 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 -2015-04-21 15:17:55,808 - __main__ - INFO - Average Fitness Value of Generation: 78285735821513304405272690688.000000 -2015-04-21 15:17:55,808 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:17:55,808 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:55,809 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:55,809 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:55,810 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,811 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,816 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,817 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,821 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,821 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,825 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,825 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,828 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,828 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,832 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,832 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,835 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,836 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,839 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,839 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,842 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,843 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,848 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,848 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,853 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,855 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,859 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,860 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,862 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,863 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,866 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,866 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,869 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:55,869 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:55,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:55,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:55,872 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:17:55,872 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:55,872 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,873 - __main__ - INFO - Average Fitness Value of Generation: 524250059118302691000324194304.000000 -2015-04-21 15:17:55,873 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:17:55,873 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:55,873 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:55,873 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:55,874 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,874 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,877 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,878 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,881 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,882 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,887 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,888 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,893 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,894 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,898 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,898 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,902 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,903 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,905 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,906 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,909 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,909 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,912 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,913 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,916 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,916 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,919 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,920 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,924 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,925 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,931 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,931 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,936 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:55,937 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:55,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:55,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:55,939 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:17:55,940 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:55,940 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:55,940 - __main__ - INFO - Average Fitness Value of Generation: 802498730339021291812896636928.000000 -2015-04-21 15:17:55,940 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:17:55,940 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:55,940 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:55,940 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:55,941 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,941 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,944 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,945 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,948 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,948 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,951 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,952 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,955 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,956 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,958 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,960 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,966 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,967 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,971 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,972 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,975 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,976 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,979 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,980 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,983 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,983 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,986 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,987 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,990 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,990 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,993 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,994 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:55,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:55,996 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:55,997 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:55,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,002 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:17:56,003 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:56,003 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,003 - __main__ - INFO - Average Fitness Value of Generation: 965695077325147645384518008832.000000 -2015-04-21 15:17:56,004 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:17:56,004 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:56,004 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:56,004 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:56,006 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,006 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,011 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,012 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,015 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,016 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,019 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,019 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,022 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,023 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,026 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,026 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,029 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,029 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,033 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,033 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,036 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,037 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,043 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,043 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,048 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,049 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,053 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,053 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,056 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,057 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,060 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,060 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,063 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,063 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,066 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:17:56,067 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:56,067 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,067 - __main__ - INFO - Average Fitness Value of Generation: 837134386821725222449423843328.000000 -2015-04-21 15:17:56,067 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:17:56,067 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:56,067 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:56,067 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:56,068 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,068 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,072 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,072 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,076 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,078 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,083 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,084 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,088 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,089 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,092 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,092 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,095 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,096 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,099 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,099 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,103 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,103 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,106 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,106 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,109 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,110 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,113 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,114 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,119 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,121 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,126 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,126 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,130 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,130 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,133 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:17:56,134 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:56,134 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,134 - __main__ - INFO - Average Fitness Value of Generation: 804028245514929064947048513536.000000 -2015-04-21 15:17:56,134 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:17:56,134 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:56,134 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:56,134 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:56,135 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,135 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,138 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,138 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,142 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,142 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,145 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,146 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,149 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,149 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,153 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,154 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,160 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,161 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,166 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,166 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,170 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,170 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,173 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,174 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,177 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,177 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,180 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,181 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,184 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,184 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,187 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,188 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,192 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,193 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,199 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:17:56,199 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:56,199 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,199 - __main__ - INFO - Average Fitness Value of Generation: 877520522896636171279044444160.000000 -2015-04-21 15:17:56,199 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:17:56,199 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:56,200 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:56,200 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:56,200 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,201 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,206 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,206 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,209 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,209 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,213 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,213 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,216 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,216 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,219 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,220 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,223 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,224 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,226 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,227 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,231 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,232 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,237 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,238 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,243 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,243 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,246 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,247 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,250 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,250 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,253 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,254 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,256 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,257 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,260 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:17:56,260 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:56,260 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,260 - __main__ - INFO - Average Fitness Value of Generation: 930376070470589887750042812416.000000 -2015-04-21 15:17:56,260 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:17:56,260 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:56,260 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:56,260 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:56,261 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,262 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,264 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,265 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,270 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,271 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,276 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,277 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,282 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,282 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,285 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,286 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,288 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,289 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,292 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,292 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,295 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,296 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,299 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,299 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,302 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,302 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,306 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,308 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,314 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,314 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,319 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,319 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,322 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,323 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,326 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:17:56,326 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:56,326 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,326 - __main__ - INFO - Average Fitness Value of Generation: 853318911114681141668960272384.000000 -2015-04-21 15:17:56,326 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:17:56,326 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:56,326 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:56,326 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:56,327 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,328 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,330 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,331 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,334 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,335 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,338 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,338 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,341 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,341 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,346 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,347 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,353 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,354 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,358 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,359 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,362 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,362 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,365 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,366 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,369 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,369 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,372 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,373 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,376 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,376 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,379 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,379 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,384 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,384 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,390 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:17:56,390 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:56,391 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:56,391 - __main__ - INFO - Average Fitness Value of Generation: 761251809653564972397607518208.000000 -2015-04-21 15:17:56,391 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:17:56,391 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:56,391 - __main__ - INFO - Finished run 5. -2015-04-21 15:17:56,391 - __main__ - INFO - Starting run 6... -2015-04-21 15:17:56,391 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:56,394 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:56,394 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:56,397 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:56,397 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:56,397 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:56,398 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,398 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,401 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,401 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,404 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,404 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,408 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,408 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,411 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,412 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,415 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,415 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,418 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,418 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,421 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,422 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,428 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,429 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,434 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,434 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,438 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,438 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,441 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,441 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,445 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,445 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,448 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,448 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,451 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:56,451 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:56,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:56,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:56,455 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:17:56,455 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:56,455 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 -2015-04-21 15:17:56,455 - __main__ - INFO - Average Fitness Value of Generation: 83000336928032313881355354112.000000 -2015-04-21 15:17:56,455 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:17:56,455 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:56,455 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:56,455 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:56,456 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,457 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,461 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,462 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,467 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,468 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,473 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,473 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,476 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,477 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,480 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,480 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,483 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,483 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,486 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,487 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,490 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,490 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,493 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,493 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,496 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,497 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,502 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,503 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,508 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,508 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,513 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,514 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,517 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:56,517 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:56,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:56,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:56,520 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:17:56,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:56,520 - __main__ - INFO - Fitness Value of Best Individual: 651111087433151985459834912768.000000 -2015-04-21 15:17:56,520 - __main__ - INFO - Average Fitness Value of Generation: 108350817218308390969722011648.000000 -2015-04-21 15:17:56,520 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:17:56,520 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:56,520 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:56,521 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:56,521 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,522 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,525 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,526 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,529 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,529 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,532 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,533 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,536 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,537 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,542 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,544 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,548 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,549 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,552 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,553 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,556 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,556 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,559 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,560 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,563 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,563 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,566 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,566 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,569 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,570 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,573 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,574 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,580 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:56,581 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:56,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:56,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:56,585 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:17:56,586 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:56,586 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:17:56,586 - __main__ - INFO - Average Fitness Value of Generation: 297014977726451260139358912512.000000 -2015-04-21 15:17:56,586 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:17:56,586 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:56,587 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:56,587 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:56,587 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,588 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,591 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,591 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,594 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,595 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,598 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,598 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,602 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,602 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,605 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,606 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,609 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,609 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,613 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,613 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,618 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,619 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,624 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,625 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,630 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,631 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,634 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,635 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,640 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,641 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,644 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,645 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,650 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:56,651 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:56,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:56,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:56,655 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:17:56,656 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:17:56,656 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:17:56,656 - __main__ - INFO - Average Fitness Value of Generation: 479794281912785269893990711296.000000 -2015-04-21 15:17:56,656 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:17:56,656 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:56,656 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:56,657 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:56,658 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,660 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,667 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,668 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,672 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,672 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,675 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,675 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,678 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,679 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,681 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,682 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,687 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,687 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,691 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,691 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,695 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,696 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,702 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,702 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,707 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,707 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,710 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,711 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,714 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,715 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,719 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,720 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,723 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:56,723 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:56,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:56,726 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:17:56,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:56,726 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:17:56,726 - __main__ - INFO - Average Fitness Value of Generation: 566031021139079503252346109952.000000 -2015-04-21 15:17:56,726 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:17:56,726 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:56,726 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:56,727 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:56,727 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,728 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,731 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,731 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,736 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,737 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,742 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,743 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,748 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,748 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,751 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,752 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,755 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,755 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,758 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,758 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,761 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,762 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,765 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,765 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,768 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,768 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,771 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,771 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,774 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,775 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,779 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,779 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,783 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:56,784 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:56,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:56,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:56,787 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:17:56,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:56,787 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:17:56,787 - __main__ - INFO - Average Fitness Value of Generation: 501993768256037117095342768128.000000 -2015-04-21 15:17:56,787 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:17:56,787 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:56,788 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:56,788 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:56,788 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,789 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,791 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,792 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,795 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,795 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,798 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,798 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,801 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,802 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,805 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,805 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,808 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,809 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,813 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,814 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,818 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,819 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,822 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,822 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,825 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,826 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,828 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,829 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,832 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,832 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,835 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,836 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,839 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:56,839 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:56,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:56,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:56,842 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:17:56,842 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:56,842 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:56,842 - __main__ - INFO - Average Fitness Value of Generation: 758617970333573447548198191104.000000 -2015-04-21 15:17:56,843 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:17:56,843 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:56,843 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:56,843 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:56,843 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,844 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,848 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,849 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,853 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,854 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,857 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,858 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,861 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,861 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,864 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,864 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,867 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,868 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,871 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,871 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,875 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,875 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,878 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,878 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,881 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,882 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,885 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,886 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,890 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,891 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,894 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,895 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,898 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:56,898 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:56,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:56,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:56,902 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:17:56,902 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:56,902 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 15:17:56,902 - __main__ - INFO - Average Fitness Value of Generation: 558957052998716734640456990720.000000 -2015-04-21 15:17:56,902 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:17:56,902 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:56,902 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:56,902 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:56,903 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,903 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,906 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,907 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,909 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,910 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,913 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,914 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,917 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,917 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,922 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,922 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,927 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,927 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,930 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,931 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,934 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,937 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,938 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,940 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,941 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,944 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,944 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,947 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,950 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,951 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,954 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:56,955 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:56,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:56,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:56,959 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:17:56,960 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:56,960 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 15:17:56,960 - __main__ - INFO - Average Fitness Value of Generation: 726940466773105091403856216064.000000 -2015-04-21 15:17:56,960 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:17:56,960 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:56,960 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:56,960 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:56,961 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,962 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,966 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,966 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,969 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,970 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,972 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,973 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,976 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,976 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,979 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,980 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,983 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,983 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,986 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,986 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,989 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,990 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:56,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:56,995 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:56,996 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:56,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,000 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,001 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,004 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,004 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,007 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,008 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,011 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,011 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,014 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,015 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,017 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:17:57,018 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:57,018 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:57,018 - __main__ - INFO - Average Fitness Value of Generation: 767227577879529336751739895808.000000 -2015-04-21 15:17:57,018 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:17:57,018 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:57,018 - __main__ - INFO - Finished run 6. -2015-04-21 15:17:57,018 - __main__ - INFO - Starting run 7... -2015-04-21 15:17:57,018 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:57,019 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:57,020 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:57,021 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:57,021 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:57,021 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:57,022 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,024 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,029 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,030 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,034 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,035 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,039 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,040 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,043 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,043 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,046 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,047 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,050 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,050 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,053 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,054 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,057 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,057 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,060 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,061 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,065 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,065 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,071 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,071 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,076 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,077 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,080 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,080 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,083 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,084 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,087 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:17:57,087 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-21 15:17:57,087 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 -2015-04-21 15:17:57,087 - __main__ - INFO - Average Fitness Value of Generation: 157465647132436087530074406912.000000 -2015-04-21 15:17:57,087 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:17:57,088 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:57,088 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:57,088 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:57,088 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,089 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,092 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,092 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,095 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,096 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,099 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,099 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,103 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,104 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,110 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,110 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,115 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,115 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,119 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,119 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,122 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,123 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,125 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,126 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,129 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,129 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,133 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,133 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,136 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,137 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,139 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,140 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,144 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,145 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,150 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:17:57,150 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:57,150 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:17:57,150 - __main__ - INFO - Average Fitness Value of Generation: 422484977687166965308886876160.000000 -2015-04-21 15:17:57,150 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:17:57,150 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:57,151 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:57,151 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:57,152 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,153 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,157 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,157 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,160 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,161 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,164 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,164 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,167 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,168 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,171 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,171 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,174 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,175 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,177 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,178 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,183 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,184 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,189 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,189 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,194 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,194 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,197 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,198 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,201 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,201 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,204 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,205 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,208 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,208 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,211 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:17:57,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:57,211 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:17:57,211 - __main__ - INFO - Average Fitness Value of Generation: 575340439229841080849589600256.000000 -2015-04-21 15:17:57,211 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:17:57,211 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:57,212 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:57,212 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:57,212 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,213 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,216 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,216 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,220 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,220 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,224 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,225 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,230 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,230 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,234 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,234 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,237 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,237 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,240 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,240 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,243 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,244 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,246 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,247 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,250 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,251 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,254 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,254 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,257 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,259 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,265 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,266 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,269 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,269 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,272 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:17:57,273 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:57,273 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:17:57,273 - __main__ - INFO - Average Fitness Value of Generation: 803672095676851006993392992256.000000 -2015-04-21 15:17:57,273 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:17:57,273 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:57,273 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:57,273 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:57,274 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,274 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,277 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,278 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,281 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,281 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,284 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,285 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,288 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,288 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,291 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,292 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,296 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,297 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,302 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,303 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,306 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,306 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,309 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,309 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,313 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,314 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,317 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,317 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,320 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,320 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,323 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,324 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,327 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,327 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,331 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:17:57,331 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:57,332 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:17:57,332 - __main__ - INFO - Average Fitness Value of Generation: 814631612190429841151722782720.000000 -2015-04-21 15:17:57,332 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:17:57,332 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:57,332 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:57,332 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:57,333 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,334 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,338 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,339 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,342 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,343 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,346 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,346 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,349 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,350 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,353 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,354 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,356 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,357 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,360 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,360 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,363 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,364 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,368 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,370 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,374 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,375 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,378 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,378 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,381 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,382 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,385 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,385 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,388 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,389 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,392 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:17:57,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:17:57,392 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:17:57,392 - __main__ - INFO - Average Fitness Value of Generation: 853027069059381862872559648768.000000 -2015-04-21 15:17:57,392 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:17:57,392 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:57,393 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:57,393 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:57,393 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,394 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,397 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,397 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,400 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,401 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,406 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,406 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,411 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,412 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,415 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,416 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,418 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,419 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,422 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,422 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,425 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,426 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,429 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,429 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,432 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,432 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,435 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,436 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,439 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,440 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,445 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,446 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,450 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:57,450 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:57,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:57,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:57,453 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:17:57,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:57,453 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:17:57,454 - __main__ - INFO - Average Fitness Value of Generation: 940720327836305164613187534848.000000 -2015-04-21 15:17:57,454 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:17:57,454 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:57,454 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:57,454 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:57,455 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,455 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,458 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,458 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,462 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,462 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,465 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,466 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,469 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,470 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,474 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,474 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,480 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,481 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,486 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,486 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,489 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,490 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,493 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,494 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,496 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,497 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,500 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,501 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,504 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,504 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,507 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,508 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,511 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:57,512 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:57,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:57,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:57,518 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:17:57,519 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:57,519 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:57,519 - __main__ - INFO - Average Fitness Value of Generation: 956583770684667683079305822208.000000 -2015-04-21 15:17:57,519 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:17:57,519 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:57,519 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:57,519 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:57,520 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,521 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,525 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,526 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,529 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,529 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,533 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,533 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,536 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,537 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,540 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,540 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,543 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,544 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,547 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,547 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,552 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,552 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,558 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,558 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,563 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,564 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,567 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,567 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,570 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,571 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,574 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,574 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,577 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:57,577 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:57,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:57,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:57,580 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:17:57,580 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:57,581 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:57,581 - __main__ - INFO - Average Fitness Value of Generation: 963442545514972357120673972224.000000 -2015-04-21 15:17:57,581 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:17:57,581 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:57,581 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:57,581 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:57,582 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,582 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,585 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,586 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,590 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,591 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,597 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,597 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,602 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,603 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,606 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,606 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,609 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,610 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,613 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,613 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,616 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,617 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,620 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,620 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,623 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,624 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,628 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,629 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,636 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,636 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,642 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,644 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,648 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:57,648 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:57,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:57,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:57,653 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:17:57,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:57,654 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:57,654 - __main__ - INFO - Average Fitness Value of Generation: 831679421976118321399434575872.000000 -2015-04-21 15:17:57,654 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:17:57,654 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:57,654 - __main__ - INFO - Finished run 7. -2015-04-21 15:17:57,654 - __main__ - INFO - Starting run 8... -2015-04-21 15:17:57,654 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:57,656 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:57,656 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:57,658 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:57,658 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:57,658 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:57,659 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,659 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,662 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,663 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,669 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,670 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,676 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,676 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,680 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,681 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,686 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,686 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,689 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,690 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,693 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,693 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,696 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,697 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,702 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,702 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,705 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,706 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,710 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,711 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,716 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,718 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,721 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,722 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,725 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:57,725 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:57,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:57,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:57,728 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:17:57,728 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:57,728 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:17:57,728 - __main__ - INFO - Average Fitness Value of Generation: 179749313788441645496802476032.000000 -2015-04-21 15:17:57,728 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:17:57,729 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:57,729 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:57,729 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:57,729 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,730 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,733 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,734 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,736 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,737 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,740 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,740 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,743 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,744 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,748 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,749 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,753 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,754 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,757 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,757 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,760 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,760 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,763 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,763 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,766 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,767 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,770 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,770 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,773 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,774 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,777 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,777 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,781 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:57,781 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:57,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:57,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:57,786 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:17:57,786 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:57,786 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:17:57,786 - __main__ - INFO - Average Fitness Value of Generation: 426747575194519424330746560512.000000 -2015-04-21 15:17:57,787 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:17:57,787 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:57,787 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:57,787 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:57,788 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,788 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,792 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,792 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,795 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,795 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,798 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,799 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,802 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,803 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,806 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,806 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,809 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,810 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,813 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,813 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,817 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,818 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,823 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,824 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,827 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,827 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,830 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,831 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,834 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,834 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,837 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,837 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,840 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:57,841 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:57,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:57,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:57,844 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:17:57,844 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:57,844 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:17:57,844 - __main__ - INFO - Average Fitness Value of Generation: 565151710093859914157412843520.000000 -2015-04-21 15:17:57,844 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:17:57,844 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:57,844 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:57,845 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:57,845 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,846 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,849 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,849 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,853 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,854 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,859 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,860 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,863 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,864 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,867 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,867 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,870 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,871 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,874 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,874 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,877 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,877 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,880 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,881 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,884 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,884 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,890 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,890 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,896 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,897 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,901 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,901 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,904 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:57,905 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:57,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:57,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:57,908 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:17:57,908 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:57,908 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:17:57,908 - __main__ - INFO - Average Fitness Value of Generation: 587193163217714930961839292416.000000 -2015-04-21 15:17:57,908 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:17:57,908 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:57,908 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:57,909 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:57,909 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,909 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,913 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,913 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,916 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,916 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,919 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,920 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,923 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,923 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,928 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,930 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,935 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,935 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,940 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,940 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,943 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,944 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,947 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,947 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,950 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,950 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,954 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,954 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,957 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,957 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,960 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,961 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,964 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:57,965 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:57,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:57,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:57,971 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:17:57,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:57,971 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:17:57,971 - __main__ - INFO - Average Fitness Value of Generation: 608825994850257596611901259776.000000 -2015-04-21 15:17:57,972 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:17:57,972 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:57,972 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:57,972 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:57,973 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,974 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,978 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,979 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,982 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,982 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,985 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,986 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,989 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,989 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,992 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,993 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,996 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:57,996 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:57,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:57,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:57,999 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,000 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,004 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,005 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,011 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,011 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,016 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,016 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,019 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,019 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,022 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,023 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,026 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,026 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,029 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,030 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,033 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:17:58,033 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:58,033 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:58,033 - __main__ - INFO - Average Fitness Value of Generation: 603549708961530025404985769984.000000 -2015-04-21 15:17:58,033 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:17:58,033 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:58,033 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:58,033 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:58,034 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,035 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,038 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,038 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,042 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,043 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,049 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,050 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,055 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,055 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,058 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,059 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,061 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,062 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,065 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,065 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,068 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,068 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,071 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,072 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,075 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,075 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,078 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,079 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,085 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,086 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,090 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,092 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,095 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,096 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,099 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:17:58,099 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:58,099 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,099 - __main__ - INFO - Average Fitness Value of Generation: 672095394110833271714795749376.000000 -2015-04-21 15:17:58,099 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:17:58,099 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:58,099 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:58,099 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:58,100 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,101 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,104 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,104 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,107 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,107 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,110 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,111 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,114 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,114 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,117 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,119 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,125 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,125 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,130 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,131 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,134 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,135 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,138 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,138 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,141 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,141 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,144 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,145 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,148 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,148 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,151 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,152 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,155 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,155 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,160 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:17:58,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:58,160 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,161 - __main__ - INFO - Average Fitness Value of Generation: 738413751779759833899941756928.000000 -2015-04-21 15:17:58,161 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:17:58,161 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:58,161 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:58,161 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:58,163 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,164 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,168 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,169 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,172 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,173 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,176 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,176 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,179 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,180 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,183 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,183 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,186 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,187 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,190 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,190 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,194 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,195 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,202 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,202 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,207 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,208 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,211 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,211 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,215 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,215 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,218 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,219 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,221 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,222 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,225 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:17:58,225 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:17:58,225 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,225 - __main__ - INFO - Average Fitness Value of Generation: 652429913235066996613714018304.000000 -2015-04-21 15:17:58,225 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:17:58,226 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:58,226 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:58,226 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:58,226 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,227 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,230 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,231 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,235 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,236 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,241 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,242 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,247 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,247 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,251 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,251 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,254 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,255 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,258 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,258 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,261 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,261 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,264 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,264 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,267 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,268 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,271 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,272 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,278 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,279 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,284 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,285 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,288 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,288 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,291 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:17:58,292 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:58,292 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,292 - __main__ - INFO - Average Fitness Value of Generation: 815225727545135301349636833280.000000 -2015-04-21 15:17:58,292 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:17:58,292 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:58,292 - __main__ - INFO - Finished run 8. -2015-04-21 15:17:58,292 - __main__ - INFO - Starting run 9... -2015-04-21 15:17:58,292 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:17:58,294 - __main__ - INFO - Initialization Complete. -2015-04-21 15:17:58,294 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:17:58,295 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:17:58,295 - __main__ - INFO - Generation 0 running... -2015-04-21 15:17:58,295 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:17:58,296 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,297 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,300 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,300 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,303 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,304 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,307 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,307 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,312 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,314 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,319 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,321 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,325 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,326 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,329 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,330 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,333 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,334 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,337 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,337 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,340 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,341 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,344 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,344 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,348 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,350 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,356 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,356 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,361 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:17:58,361 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:17:58,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:17:58,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:17:58,365 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:17:58,365 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:17:58,365 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:58,365 - __main__ - INFO - Average Fitness Value of Generation: 102948124250902250969895010304.000000 -2015-04-21 15:17:58,365 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:17:58,365 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:17:58,365 - __main__ - INFO - Generation 1 running... -2015-04-21 15:17:58,365 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:17:58,366 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,366 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,369 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,369 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,372 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,373 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,376 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,376 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,379 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,380 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,383 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,383 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,387 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,388 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,394 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,394 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,399 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,399 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,402 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,403 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,406 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,406 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,409 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,410 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,413 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,413 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,416 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,416 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,419 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:17:58,419 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:17:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:17:58,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:17:58,423 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:17:58,423 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:58,423 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,423 - __main__ - INFO - Average Fitness Value of Generation: 312547006945630106157039222784.000000 -2015-04-21 15:17:58,423 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:17:58,423 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:17:58,423 - __main__ - INFO - Generation 2 running... -2015-04-21 15:17:58,424 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:17:58,425 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,426 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,432 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,432 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,437 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,438 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,441 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,441 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,444 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,445 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,448 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,448 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,451 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,452 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,455 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,455 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,458 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,459 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,462 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,462 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,465 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,465 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,471 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,471 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,476 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,477 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,479 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,480 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,483 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:17:58,483 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:17:58,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:17:58,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:17:58,486 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:17:58,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:17:58,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,486 - __main__ - INFO - Average Fitness Value of Generation: 724081738312945999120577855488.000000 -2015-04-21 15:17:58,487 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:17:58,487 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:17:58,487 - __main__ - INFO - Generation 3 running... -2015-04-21 15:17:58,487 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:17:58,487 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,488 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,490 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,491 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,494 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,494 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,497 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,498 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,502 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,503 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,508 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,509 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,514 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,514 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,518 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,518 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,521 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,522 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,525 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,525 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,528 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,529 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,532 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,532 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,535 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,535 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,539 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,540 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,545 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:17:58,546 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:17:58,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:17:58,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:17:58,550 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:17:58,550 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:17:58,551 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:17:58,551 - __main__ - INFO - Average Fitness Value of Generation: 817774560517712990971344453632.000000 -2015-04-21 15:17:58,551 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:17:58,551 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:17:58,551 - __main__ - INFO - Generation 4 running... -2015-04-21 15:17:58,552 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:17:58,552 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,553 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,557 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,557 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,560 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,561 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,564 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,564 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,567 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,568 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,571 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,572 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,575 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,575 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,578 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,579 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,582 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,582 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,588 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,588 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,592 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,592 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,595 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,595 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,598 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,599 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,602 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,602 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,605 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:17:58,606 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:17:58,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:17:58,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:17:58,609 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:17:58,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:17:58,609 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:58,609 - __main__ - INFO - Average Fitness Value of Generation: 724569144917982953229913161728.000000 -2015-04-21 15:17:58,609 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:17:58,609 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:17:58,609 - __main__ - INFO - Generation 5 running... -2015-04-21 15:17:58,609 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:17:58,610 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,610 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,613 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,614 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,617 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,618 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,623 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,624 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,628 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,629 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,633 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,633 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,637 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,638 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,641 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,642 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,647 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,648 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,654 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,655 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,659 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,661 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,668 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,669 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,672 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,672 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,676 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,676 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,679 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:17:58,679 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:17:58,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:17:58,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:17:58,684 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:17:58,684 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:17:58,684 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:17:58,684 - __main__ - INFO - Average Fitness Value of Generation: 640634426636689984928226476032.000000 -2015-04-21 15:17:58,684 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:17:58,684 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:17:58,684 - __main__ - INFO - Generation 6 running... -2015-04-21 15:17:58,685 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:17:58,685 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,686 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,689 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,689 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,692 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,693 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,697 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,698 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,703 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,703 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,706 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,707 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,710 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,710 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,713 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,714 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,717 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,717 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,720 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,721 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,724 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,724 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,728 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,729 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,735 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,735 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,740 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,741 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,744 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:17:58,744 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:17:58,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:17:58,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:17:58,747 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:17:58,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:58,747 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,747 - __main__ - INFO - Average Fitness Value of Generation: 924413443792281078704887562240.000000 -2015-04-21 15:17:58,747 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:17:58,748 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:17:58,748 - __main__ - INFO - Generation 7 running... -2015-04-21 15:17:58,748 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:17:58,748 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,749 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,752 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,752 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,756 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,756 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,759 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,760 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,763 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,763 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,767 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,768 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,774 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,774 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,779 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,780 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,783 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,783 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,786 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,787 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,789 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,790 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,793 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,794 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,797 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,797 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,800 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,800 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,804 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:17:58,804 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:17:58,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:17:58,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:17:58,810 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:17:58,810 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:17:58,810 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,810 - __main__ - INFO - Average Fitness Value of Generation: 989956895974054086086349553664.000000 -2015-04-21 15:17:58,811 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:17:58,811 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:17:58,811 - __main__ - INFO - Generation 8 running... -2015-04-21 15:17:58,811 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:17:58,812 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,813 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,818 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,819 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,822 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,822 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,825 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,826 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,829 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,829 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,832 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,833 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,836 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,836 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,839 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,839 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,843 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,843 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,848 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,850 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,854 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,856 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,859 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,859 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,862 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,862 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,865 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,866 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,869 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:17:58,869 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:17:58,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:17:58,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:17:58,872 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:17:58,872 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:17:58,872 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,872 - __main__ - INFO - Average Fitness Value of Generation: 932088833407111965586214617088.000000 -2015-04-21 15:17:58,872 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:17:58,873 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:17:58,873 - __main__ - INFO - Generation 9 running... -2015-04-21 15:17:58,873 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:17:58,873 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,874 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,876 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,877 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,880 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,880 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,883 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,884 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,888 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,889 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,894 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,894 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,897 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,897 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,900 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,901 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,904 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,904 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,907 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,907 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,910 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,911 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,914 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,914 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,917 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,917 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,920 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,921 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,926 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:17:58,927 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:17:58,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:17:58,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:17:58,931 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:17:58,931 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:17:58,931 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:17:58,931 - __main__ - INFO - Average Fitness Value of Generation: 739360945682290323833992773632.000000 -2015-04-21 15:17:58,931 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:17:58,932 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:17:58,932 - __main__ - INFO - Finished run 9. -2015-04-21 15:17:58,932 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:18:01,589 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:18:01,589 - __main__ - INFO - Program Arguments: -2015-04-21 15:18:01,589 - __main__ - INFO - plot=True -2015-04-21 15:18:01,590 - __main__ - INFO - autoscale=True -2015-04-21 15:18:01,590 - __main__ - INFO - G=10 -2015-04-21 15:18:01,590 - __main__ - INFO - l=20 -2015-04-21 15:18:01,590 - __main__ - INFO - experiment_number=1 -2015-04-21 15:18:01,590 - __main__ - INFO - N=30 -2015-04-21 15:18:01,590 - __main__ - INFO - pc=0.6 -2015-04-21 15:18:01,590 - __main__ - INFO - ce=False -2015-04-21 15:18:01,590 - __main__ - INFO - ff= -2015-04-21 15:18:01,591 - __main__ - INFO - learn=False -2015-04-21 15:18:01,591 - __main__ - INFO - NG=20 -2015-04-21 15:18:01,591 - __main__ - INFO - nruns=10 -2015-04-21 15:18:01,591 - __main__ - INFO - pm=0.033 -2015-04-21 15:18:01,591 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:18:01,591 - __main__ - INFO - Starting run 0... -2015-04-21 15:18:01,591 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:01,592 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:01,593 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:01,594 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:01,594 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:01,594 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:01,595 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,596 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,599 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,599 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,602 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,603 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,606 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,607 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,610 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,610 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,613 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,614 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,617 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,618 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,622 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,622 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,628 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,628 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,632 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,632 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,635 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,637 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,640 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,642 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,646 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,648 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,652 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,653 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,656 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:01,656 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:01,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:01,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:01,661 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:18:01,661 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:01,662 - __main__ - INFO - Fitness Value of Best Individual: 784328825964927378505921986560.000000 -2015-04-21 15:18:01,662 - __main__ - INFO - Average Fitness Value of Generation: 135752007312030094164213366784.000000 -2015-04-21 15:18:01,662 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:18:01,662 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:01,663 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:01,663 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:01,665 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,666 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,672 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,673 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,676 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,676 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,681 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,681 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,684 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,685 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,688 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,688 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,691 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,692 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,696 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,696 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,701 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,701 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,705 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,705 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,708 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,709 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,712 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,713 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,716 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,716 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,719 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,720 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,723 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:01,723 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:01,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:01,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:01,726 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:18:01,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:01,726 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:18:01,726 - __main__ - INFO - Average Fitness Value of Generation: 327308318533690498215250493440.000000 -2015-04-21 15:18:01,727 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:18:01,727 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:01,727 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:01,727 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:01,728 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,729 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,735 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,735 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,740 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,741 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,744 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,744 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,747 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,747 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,750 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,750 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,753 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,754 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,757 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,758 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,761 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,761 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,764 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,765 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,768 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,768 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,774 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,774 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,779 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,779 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,782 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,783 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,786 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:01,786 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:01,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:01,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:01,789 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:18:01,789 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:01,790 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:18:01,790 - __main__ - INFO - Average Fitness Value of Generation: 502247758354949523931234566144.000000 -2015-04-21 15:18:01,790 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:18:01,790 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:01,790 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:01,790 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:01,791 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,791 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,794 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,794 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,797 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,798 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,801 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,802 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,806 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,807 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,812 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,813 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,816 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,816 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,819 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,820 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,823 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,823 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,826 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,827 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,829 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,830 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,833 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,833 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,836 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,837 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,840 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,840 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,844 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:01,845 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:01,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:01,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:01,849 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:18:01,849 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:01,850 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 -2015-04-21 15:18:01,850 - __main__ - INFO - Average Fitness Value of Generation: 434940314421727267629018644480.000000 -2015-04-21 15:18:01,850 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:18:01,850 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:01,850 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:01,850 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:01,851 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,851 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,854 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,854 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,857 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,858 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,861 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,861 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,864 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,865 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,867 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,868 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,871 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,872 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,874 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,875 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,878 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,878 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,882 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,883 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,887 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,888 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,891 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,892 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,894 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,895 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,897 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,898 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,901 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:01,901 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:01,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:01,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:01,904 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:18:01,904 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:01,904 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:01,905 - __main__ - INFO - Average Fitness Value of Generation: 564679533972555262661071208448.000000 -2015-04-21 15:18:01,905 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:18:01,905 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:01,905 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:01,905 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:01,905 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,906 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,909 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,909 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,913 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,914 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,919 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,920 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,924 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,924 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,927 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,927 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,930 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,931 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,934 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,935 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,938 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,938 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,941 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,941 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,944 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,945 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,950 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,951 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,955 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,956 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,960 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,960 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,964 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:01,964 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:01,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:01,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:01,967 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:18:01,967 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:01,967 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:18:01,967 - __main__ - INFO - Average Fitness Value of Generation: 502830147307599396635712421888.000000 -2015-04-21 15:18:01,967 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:18:01,967 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:01,967 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:01,967 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:01,968 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,968 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,971 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,972 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,974 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,975 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,978 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,979 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,982 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,982 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,985 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,986 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,990 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,990 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,995 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,995 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:01,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:01,999 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:01,999 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:01,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,002 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,003 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,006 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,006 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,009 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,009 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,013 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,013 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,016 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,017 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,020 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,020 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,024 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:18:02,025 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:02,025 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,025 - __main__ - INFO - Average Fitness Value of Generation: 729700563130353822186858348544.000000 -2015-04-21 15:18:02,025 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:18:02,025 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:02,026 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:02,026 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:02,027 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,027 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,031 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,032 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,036 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,036 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,039 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,039 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,042 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,043 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,045 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,046 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,049 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,049 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,052 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,052 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,055 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,056 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,059 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,060 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,064 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,065 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,069 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,070 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,073 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,073 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,076 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,076 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,079 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,080 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,082 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:18:02,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:02,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,083 - __main__ - INFO - Average Fitness Value of Generation: 844595311253875316774647365632.000000 -2015-04-21 15:18:02,083 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:18:02,083 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:02,083 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:02,083 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:02,084 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,084 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,087 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,088 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,091 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,091 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,094 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,095 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,100 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,100 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,105 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,105 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,108 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,108 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,111 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,112 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,115 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,115 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,118 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,119 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,122 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,122 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,125 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,126 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,129 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,130 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,136 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,137 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,141 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,142 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,146 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:18:02,146 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:02,146 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,146 - __main__ - INFO - Average Fitness Value of Generation: 776357763435827008645634195456.000000 -2015-04-21 15:18:02,146 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:18:02,146 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:02,146 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:02,146 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:02,147 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,147 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,150 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,151 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,154 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,154 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,157 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,158 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,161 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,161 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,164 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,165 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,168 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,168 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,174 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,175 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,179 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,180 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,184 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,184 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,187 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,187 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,190 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,191 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,194 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,194 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,197 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,198 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,201 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,201 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,204 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:18:02,204 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:02,204 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,204 - __main__ - INFO - Average Fitness Value of Generation: 923858845973114367930527645696.000000 -2015-04-21 15:18:02,205 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:18:02,205 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:02,205 - __main__ - INFO - Finished run 0. -2015-04-21 15:18:02,205 - __main__ - INFO - Starting run 1... -2015-04-21 15:18:02,205 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:02,207 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:02,207 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:02,210 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:02,210 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:02,210 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:02,211 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,214 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,219 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,220 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,223 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,224 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,226 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,227 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,230 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,231 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,234 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,234 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,237 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,237 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,240 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,241 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,244 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,245 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,250 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,250 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,256 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,256 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,261 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,261 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,265 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,268 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,268 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,271 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,275 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:18:02,275 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:02,275 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:18:02,275 - __main__ - INFO - Average Fitness Value of Generation: 163378736259783399518607769600.000000 -2015-04-21 15:18:02,275 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:18:02,275 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:02,276 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:02,276 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:02,276 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,277 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,280 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,280 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,283 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,284 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,288 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,289 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,294 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,295 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,299 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,300 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,303 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,303 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,306 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,307 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,310 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,310 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,313 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,313 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,316 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,317 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,320 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,320 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,323 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,324 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,328 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,328 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,333 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,334 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,337 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:18:02,337 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:02,337 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,338 - __main__ - INFO - Average Fitness Value of Generation: 462355185819287966289995235328.000000 -2015-04-21 15:18:02,338 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:18:02,338 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:02,338 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:02,338 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:02,338 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,339 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,342 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,343 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,346 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,346 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,349 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,350 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,352 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,353 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,355 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,356 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,359 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,359 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,364 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,364 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,369 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,369 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,373 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,373 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,376 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,377 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,380 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,380 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,383 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,384 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,387 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,387 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,390 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,390 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,393 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:18:02,393 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:02,393 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,394 - __main__ - INFO - Average Fitness Value of Generation: 700006078722228367379363004416.000000 -2015-04-21 15:18:02,394 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:18:02,394 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:02,394 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:02,394 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:02,394 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,395 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,399 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,400 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,404 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,405 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,408 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,409 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,412 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,412 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,415 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,416 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,419 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,419 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,422 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,423 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,425 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,426 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,429 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,429 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,433 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,434 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,438 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,439 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,443 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,444 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,447 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,447 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,450 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:02,451 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:02,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:02,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:02,454 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:18:02,454 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:02,454 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,454 - __main__ - INFO - Average Fitness Value of Generation: 726632728089074231853841383424.000000 -2015-04-21 15:18:02,454 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:18:02,454 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:02,455 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:02,455 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:02,455 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,456 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,458 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,459 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,461 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,462 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,465 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,465 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,469 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,469 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,473 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,474 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,478 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,479 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,482 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,482 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,485 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,486 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,489 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,489 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,492 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,493 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,495 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,496 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,499 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,499 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,502 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,503 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,506 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:02,507 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:02,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:02,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:02,511 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:18:02,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:02,512 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,512 - __main__ - INFO - Average Fitness Value of Generation: 870512429530272011733279178752.000000 -2015-04-21 15:18:02,512 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:18:02,512 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:02,513 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:02,513 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:02,514 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,515 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,518 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,518 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,522 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,522 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,525 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,525 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,528 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,529 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,531 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,532 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,535 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,535 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,538 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,539 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,543 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,544 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,548 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,549 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,552 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,553 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,556 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,556 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,559 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,559 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,563 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,563 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,566 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:02,567 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:02,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:02,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:02,570 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:18:02,570 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:18:02,570 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,570 - __main__ - INFO - Average Fitness Value of Generation: 994229366515261708661646426112.000000 -2015-04-21 15:18:02,570 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:18:02,570 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:02,570 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:02,570 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:02,571 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,571 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,574 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,575 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,580 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,581 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,586 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,586 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,591 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,592 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,594 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,595 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,598 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,598 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,601 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,602 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,604 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,605 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,608 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,608 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,611 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,611 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,614 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,615 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,618 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,619 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,624 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,624 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,629 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:02,629 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:02,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:02,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:02,633 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:18:02,633 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:02,633 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,633 - __main__ - INFO - Average Fitness Value of Generation: 1129765340297600192687974121472.000000 -2015-04-21 15:18:02,633 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:18:02,633 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:02,633 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:02,633 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:02,634 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,635 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,640 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,641 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,644 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,645 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,650 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,651 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,654 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,655 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,660 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,660 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,666 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,668 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,671 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,672 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,675 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,675 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,679 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,680 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,683 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,684 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,687 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,687 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,690 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,691 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,695 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,695 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,700 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:02,700 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:02,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:02,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:02,705 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:18:02,705 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:02,705 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,705 - __main__ - INFO - Average Fitness Value of Generation: 750237767837014100523521933312.000000 -2015-04-21 15:18:02,705 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:18:02,706 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:02,706 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:02,706 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:02,706 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,707 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,710 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,711 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,714 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,714 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,717 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,718 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,720 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,721 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,724 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,724 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,727 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,728 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,731 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,731 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,736 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,736 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,741 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,741 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,744 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,745 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,748 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,748 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,751 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,751 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,754 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,754 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,757 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:02,758 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:02,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:02,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:02,761 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:18:02,761 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:02,761 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,761 - __main__ - INFO - Average Fitness Value of Generation: 1003968526492857514620876750848.000000 -2015-04-21 15:18:02,761 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:18:02,761 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:02,761 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:02,761 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:02,762 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,762 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,765 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,765 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,769 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,771 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,775 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,776 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,779 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,780 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,783 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,783 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,786 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,786 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,789 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,790 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,792 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,793 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,796 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,796 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,799 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,800 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,803 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,803 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,808 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,809 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,814 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,814 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,817 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:02,818 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:02,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:02,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:02,821 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:18:02,821 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:02,821 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:02,821 - __main__ - INFO - Average Fitness Value of Generation: 846549098923648234274187902976.000000 -2015-04-21 15:18:02,821 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:18:02,821 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:02,821 - __main__ - INFO - Finished run 1. -2015-04-21 15:18:02,821 - __main__ - INFO - Starting run 2... -2015-04-21 15:18:02,822 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:02,823 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:02,823 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:02,825 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:02,825 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:02,825 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:02,825 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,826 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,828 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,829 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,832 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,833 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,836 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,836 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,840 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,840 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,845 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,846 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,850 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,851 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,854 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,854 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,857 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,858 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,861 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,861 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,864 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,865 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,868 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,868 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,871 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,871 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,875 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,875 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,880 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:02,880 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:02,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:02,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:02,884 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:18:02,885 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:02,885 - __main__ - INFO - Fitness Value of Best Individual: 678813890058439533541468405760.000000 -2015-04-21 15:18:02,885 - __main__ - INFO - Average Fitness Value of Generation: 67531479853614668034168848384.000000 -2015-04-21 15:18:02,885 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:18:02,885 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:02,885 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:02,885 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:02,886 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,886 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,889 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,890 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,893 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,893 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,896 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,897 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,900 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,900 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,903 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,904 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,907 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,908 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,911 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,911 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,916 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,917 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,921 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,922 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,925 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,925 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,928 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,929 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,932 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,932 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,935 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,936 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,939 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:02,939 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:02,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:02,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:02,942 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:18:02,942 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:02,942 - __main__ - INFO - Fitness Value of Best Individual: 685903266700323379552213532672.000000 -2015-04-21 15:18:02,942 - __main__ - INFO - Average Fitness Value of Generation: 347872058972920584875605491712.000000 -2015-04-21 15:18:02,942 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:18:02,943 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:02,943 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:02,943 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:02,943 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,944 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,947 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,947 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,952 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,953 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,957 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,958 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,961 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,962 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,965 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,965 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,968 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,969 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,971 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,972 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,975 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,975 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,978 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,979 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,982 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,982 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,986 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,987 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,991 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,992 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,996 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:02,996 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:02,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:02,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:02,999 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,000 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,002 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:18:03,003 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:03,003 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 -2015-04-21 15:18:03,003 - __main__ - INFO - Average Fitness Value of Generation: 464045203437655237745038065664.000000 -2015-04-21 15:18:03,003 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:18:03,003 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:03,003 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:03,003 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:03,004 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,004 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,007 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,007 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,010 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,010 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,013 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,014 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,017 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,017 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,020 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,021 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,026 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,026 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,030 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,031 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,034 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,034 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,037 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,037 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,040 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,040 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,043 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,044 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,047 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,047 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,050 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,050 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,053 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,054 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,057 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:18:03,057 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:03,057 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 -2015-04-21 15:18:03,057 - __main__ - INFO - Average Fitness Value of Generation: 474253151540649685713816649728.000000 -2015-04-21 15:18:03,057 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:18:03,058 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:03,058 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:03,058 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:03,059 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,059 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,064 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,065 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,069 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,069 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,072 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,073 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,075 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,076 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,079 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,080 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,083 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,083 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,086 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,087 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,089 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,090 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,093 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,093 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,099 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,099 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,104 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,104 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,107 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,107 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,110 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,111 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,114 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,115 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,117 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:18:03,118 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:03,118 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:18:03,118 - __main__ - INFO - Average Fitness Value of Generation: 524560413623323137776193372160.000000 -2015-04-21 15:18:03,118 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:18:03,118 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:03,118 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:03,118 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:03,119 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,119 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,122 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,122 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,125 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,125 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,128 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,129 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,133 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,134 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,139 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,139 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,142 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,143 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,145 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,146 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,149 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,149 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,152 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,152 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,155 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,156 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,159 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,159 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,162 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,162 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,166 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,166 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,171 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,171 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,176 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:18:03,176 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:03,176 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,176 - __main__ - INFO - Average Fitness Value of Generation: 616626945615288423186362793984.000000 -2015-04-21 15:18:03,176 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:18:03,176 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:03,176 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:03,176 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:03,177 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,177 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,180 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,181 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,184 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,185 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,188 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,188 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,191 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,191 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,194 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,195 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,198 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,198 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,201 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,202 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,205 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,206 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,210 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,212 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,215 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,215 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,218 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,218 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,221 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,221 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,224 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,225 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,228 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,228 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,231 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:18:03,231 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:03,231 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,232 - __main__ - INFO - Average Fitness Value of Generation: 775609104836010567683606052864.000000 -2015-04-21 15:18:03,232 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:18:03,232 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:03,232 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:03,232 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:03,233 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,233 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,236 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,236 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,239 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,240 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,245 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,245 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,250 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,250 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,253 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,253 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,256 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,256 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,259 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,260 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,263 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,263 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,266 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,266 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,269 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,270 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,273 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,273 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,276 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,277 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,282 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,283 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,286 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,287 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,290 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:18:03,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:18:03,290 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,290 - __main__ - INFO - Average Fitness Value of Generation: 541237356706296116822795091968.000000 -2015-04-21 15:18:03,290 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:18:03,290 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:03,290 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:03,290 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:03,291 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,292 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,295 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,295 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,298 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,299 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,301 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,302 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,305 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,305 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,308 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,308 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,312 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,313 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,316 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,317 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,322 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,322 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,325 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,326 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,329 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,329 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,332 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,332 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,335 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,336 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,338 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,339 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,342 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,342 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,345 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:18:03,345 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:03,345 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,345 - __main__ - INFO - Average Fitness Value of Generation: 889027129383428730308788224000.000000 -2015-04-21 15:18:03,345 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:18:03,346 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:03,346 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:03,346 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:03,346 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,346 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,351 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,352 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,356 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,357 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,360 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,360 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,363 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,364 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,367 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,367 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,370 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,370 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,373 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,373 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,376 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,377 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,379 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,379 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,382 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,383 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,387 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,388 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,393 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,393 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,397 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,397 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,400 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,400 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,403 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:18:03,403 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:03,403 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,403 - __main__ - INFO - Average Fitness Value of Generation: 845011157115113508849863098368.000000 -2015-04-21 15:18:03,403 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:18:03,403 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:03,403 - __main__ - INFO - Finished run 2. -2015-04-21 15:18:03,403 - __main__ - INFO - Starting run 3... -2015-04-21 15:18:03,404 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:03,405 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:03,405 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:03,407 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:03,407 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:03,407 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:03,407 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,408 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,411 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,411 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,414 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,415 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,418 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,418 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,422 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,423 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,427 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,428 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,432 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,432 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,435 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,436 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,439 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,439 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,442 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,442 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,445 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,446 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,449 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,449 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,452 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,453 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,456 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,456 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,461 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:03,461 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:03,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:03,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:03,466 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:18:03,466 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:03,466 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:18:03,466 - __main__ - INFO - Average Fitness Value of Generation: 162987426225380310209536196608.000000 -2015-04-21 15:18:03,467 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:18:03,467 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:03,467 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:03,467 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:03,468 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,468 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,471 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,472 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,475 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,475 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,478 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,479 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,481 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,482 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,485 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,485 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,488 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,489 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,492 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,493 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,498 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,499 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,503 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,504 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,506 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,507 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,510 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,510 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,513 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,513 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,516 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,517 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,519 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:03,520 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:03,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:03,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:03,523 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:18:03,523 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:03,523 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:18:03,523 - __main__ - INFO - Average Fitness Value of Generation: 642964474299812921985871118336.000000 -2015-04-21 15:18:03,523 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:18:03,523 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:03,523 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:03,523 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:03,524 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,524 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,527 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,528 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,533 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,533 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,537 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,538 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,541 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,542 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,545 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,545 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,548 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,548 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,551 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,551 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,554 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,555 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,558 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,558 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,561 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,562 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,565 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,565 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,570 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,571 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,576 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,576 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,579 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:03,579 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:03,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:03,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:03,582 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:18:03,582 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:03,582 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,583 - __main__ - INFO - Average Fitness Value of Generation: 908286187198113284891357478912.000000 -2015-04-21 15:18:03,583 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:18:03,583 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:03,583 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:03,583 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:03,583 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,584 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,587 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,587 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,590 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,591 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,594 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,594 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,597 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,598 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,601 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,601 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,606 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,606 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,611 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,611 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,614 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,615 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,618 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,618 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,621 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,621 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,625 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,625 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,629 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,629 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,633 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,633 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,636 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:03,636 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:03,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:03,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:03,646 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:18:03,647 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:03,647 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,647 - __main__ - INFO - Average Fitness Value of Generation: 948015055759157793526437117952.000000 -2015-04-21 15:18:03,647 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:18:03,648 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:03,648 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:03,648 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:03,651 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,652 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,657 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,658 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,664 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,665 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,668 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,669 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,672 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,672 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,675 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,676 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,679 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,680 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,685 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,686 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,689 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,689 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,692 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,692 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,696 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,697 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,700 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,700 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,703 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,704 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,707 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,707 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,710 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:03,711 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:03,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:03,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:03,714 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:18:03,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:03,714 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,714 - __main__ - INFO - Average Fitness Value of Generation: 878889515956554415493728960512.000000 -2015-04-21 15:18:03,714 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:18:03,714 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:03,714 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:03,714 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:03,715 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,716 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,719 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,720 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,724 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,725 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,728 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,728 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,731 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,732 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,734 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,735 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,738 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,739 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,741 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,742 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,745 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,745 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,749 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,749 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,753 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,754 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,758 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,758 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,762 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,763 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,766 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,766 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,769 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:03,769 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:03,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:03,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:03,772 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:18:03,772 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:18:03,773 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,773 - __main__ - INFO - Average Fitness Value of Generation: 734240727280695068565853700096.000000 -2015-04-21 15:18:03,773 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:18:03,773 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:03,773 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:03,773 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:03,774 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,774 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,777 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,777 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,780 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,781 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,784 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,786 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,791 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,792 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,797 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,797 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,800 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,801 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,804 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,804 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,807 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,808 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,810 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,811 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,814 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,815 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,817 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,818 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,821 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,822 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,827 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,828 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,833 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:03,833 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:03,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:03,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:03,838 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:18:03,838 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:03,838 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,838 - __main__ - INFO - Average Fitness Value of Generation: 816060889266716471861771763712.000000 -2015-04-21 15:18:03,838 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:18:03,838 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:03,838 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:03,838 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:03,839 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,839 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,842 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,843 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,846 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,847 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,849 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,850 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,853 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,853 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,856 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,857 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,859 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,860 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,864 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,865 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,870 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,871 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,875 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,876 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,879 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,879 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,882 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,883 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,885 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,886 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,889 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,889 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,892 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:03,893 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:03,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:03,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:03,896 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:18:03,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 -2015-04-21 15:18:03,896 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,896 - __main__ - INFO - Average Fitness Value of Generation: 842417029945148843099059912704.000000 -2015-04-21 15:18:03,896 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:18:03,896 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:03,897 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:03,897 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:03,897 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,898 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,901 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,901 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,905 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,906 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,911 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,911 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,914 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,915 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,917 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,918 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,921 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,921 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,924 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,925 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,927 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,928 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,931 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,931 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,934 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,937 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,938 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,941 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,942 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,947 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,951 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:03,952 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:03,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:03,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:03,955 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:18:03,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:03,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:03,955 - __main__ - INFO - Average Fitness Value of Generation: 829084347523916395182383169536.000000 -2015-04-21 15:18:03,955 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:18:03,955 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:03,955 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:03,955 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:03,956 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,957 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,960 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,960 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,963 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,964 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,967 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,967 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,970 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,971 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,974 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,974 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,980 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,981 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,985 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,986 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,989 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,989 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,992 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,993 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,996 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,996 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:03,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:03,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:03,999 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:03,999 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,002 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,003 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,005 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,006 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,009 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,009 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,013 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:18:04,013 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:04,013 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,014 - __main__ - INFO - Average Fitness Value of Generation: 593371076847716392733931208704.000000 -2015-04-21 15:18:04,014 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:18:04,014 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:04,014 - __main__ - INFO - Finished run 3. -2015-04-21 15:18:04,014 - __main__ - INFO - Starting run 4... -2015-04-21 15:18:04,014 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:04,016 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:04,016 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:04,018 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:04,019 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:04,019 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:04,020 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,021 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,024 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,025 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,028 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,029 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,032 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,033 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,035 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,036 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,039 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,040 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,043 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,043 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,048 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,048 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,054 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,055 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,059 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,060 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,063 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,065 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,068 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,069 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,071 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,072 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,075 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,075 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,078 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,082 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:18:04,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:04,083 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:04,083 - __main__ - INFO - Average Fitness Value of Generation: 133926281520739489403205844992.000000 -2015-04-21 15:18:04,083 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:18:04,083 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:04,083 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:04,083 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:04,084 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,084 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,087 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,088 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,093 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,093 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,098 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,098 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,101 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,101 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,104 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,105 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,108 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,108 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,111 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,112 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,115 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,115 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,118 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,118 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,122 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,123 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,129 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,129 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,134 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,135 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,138 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,138 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,141 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,141 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,144 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:18:04,145 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:04,145 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:04,145 - __main__ - INFO - Average Fitness Value of Generation: 450555127288359600218739572736.000000 -2015-04-21 15:18:04,145 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:18:04,145 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:04,145 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:04,145 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:04,146 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,146 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,149 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,150 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,153 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,153 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,156 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,157 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,160 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,161 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,166 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,166 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,171 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,172 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,176 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,176 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,179 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,180 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,183 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,184 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,186 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,187 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,190 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,190 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,193 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,194 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,196 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,197 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,201 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,201 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,207 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:18:04,207 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:04,207 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,207 - __main__ - INFO - Average Fitness Value of Generation: 739621546895966116281644482560.000000 -2015-04-21 15:18:04,207 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:18:04,207 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:04,207 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:04,207 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:04,208 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,209 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,214 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,214 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,217 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,218 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,220 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,221 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,224 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,224 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,227 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,227 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,230 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,231 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,234 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,234 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,237 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,238 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,242 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,243 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,248 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,249 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,254 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,254 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,257 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,257 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,260 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,261 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,264 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,264 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,267 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:18:04,267 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:04,267 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,268 - __main__ - INFO - Average Fitness Value of Generation: 744496178055415789565052452864.000000 -2015-04-21 15:18:04,268 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:18:04,268 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:04,268 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:04,268 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:04,269 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,269 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,272 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,273 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,276 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,276 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,281 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,282 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,288 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,288 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,292 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,293 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,296 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,296 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,299 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,300 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,303 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,303 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,306 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,306 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,309 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,310 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,313 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,313 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,316 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,317 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,321 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,322 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,327 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,328 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,332 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:18:04,332 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:04,332 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,332 - __main__ - INFO - Average Fitness Value of Generation: 823047771919230918015617859584.000000 -2015-04-21 15:18:04,332 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:18:04,332 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:04,332 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:04,332 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:04,333 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,333 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,336 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,337 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,339 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,340 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,343 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,343 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,346 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,346 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,349 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,349 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,352 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,353 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,357 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,358 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,363 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,364 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,368 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,369 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,372 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,373 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,376 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,376 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,379 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,380 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,382 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,383 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,386 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,386 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,389 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:18:04,389 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:04,389 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,389 - __main__ - INFO - Average Fitness Value of Generation: 757773008799002490911059869696.000000 -2015-04-21 15:18:04,389 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:18:04,389 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:04,389 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:04,390 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:04,390 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,391 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,395 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,396 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,402 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,402 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,406 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,407 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,410 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,411 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,414 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,414 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,417 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,418 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,421 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,422 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,425 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,425 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,428 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,429 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,432 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,432 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,436 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,436 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,441 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,442 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,446 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,447 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,449 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:04,450 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:04,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:04,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:04,453 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:18:04,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:04,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,453 - __main__ - INFO - Average Fitness Value of Generation: 948133723558173992860191293440.000000 -2015-04-21 15:18:04,453 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:18:04,453 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:04,453 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:04,453 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:04,454 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,455 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,458 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,458 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,461 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,461 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,464 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,465 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,468 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,468 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,472 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,473 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,478 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,479 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,483 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,484 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,487 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,487 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,490 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,491 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,494 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,494 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,497 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,498 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,500 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,501 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,504 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,504 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,507 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:04,508 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:04,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:04,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:04,513 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:18:04,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:04,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,514 - __main__ - INFO - Average Fitness Value of Generation: 1040480681380318863843573891072.000000 -2015-04-21 15:18:04,514 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:18:04,514 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:04,514 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:04,514 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:04,515 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,516 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,519 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,520 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,523 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,523 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,526 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,526 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,529 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,530 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,533 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,533 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,536 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,536 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,539 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,540 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,543 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,544 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,549 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,549 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,554 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,555 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,558 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,558 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,561 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,562 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,565 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,565 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,568 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:04,568 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:04,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:04,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:04,571 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:18:04,571 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:04,572 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,572 - __main__ - INFO - Average Fitness Value of Generation: 1067685921685532443695795666944.000000 -2015-04-21 15:18:04,572 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:18:04,572 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:04,572 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:04,572 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:04,573 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,573 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,576 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,576 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,580 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,580 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,584 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,585 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,590 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,590 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,593 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,594 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,596 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,597 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,600 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,600 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,603 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,604 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,607 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,607 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,610 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,611 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,614 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,614 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,619 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,619 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,624 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,625 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,629 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:04,629 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:04,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:04,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:04,633 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:18:04,633 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:04,633 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,633 - __main__ - INFO - Average Fitness Value of Generation: 895526640281645599077693390848.000000 -2015-04-21 15:18:04,634 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:18:04,634 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:04,634 - __main__ - INFO - Finished run 4. -2015-04-21 15:18:04,634 - __main__ - INFO - Starting run 5... -2015-04-21 15:18:04,634 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:04,635 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:04,635 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:04,637 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:04,637 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:04,637 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:04,638 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,639 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,644 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,645 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,653 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,654 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,660 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,662 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,667 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,668 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,671 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,672 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,674 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,675 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,679 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,680 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,683 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,684 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,687 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,688 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,692 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,692 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,695 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,696 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,700 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,701 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,705 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,706 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,709 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:04,709 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:04,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:04,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:04,712 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:18:04,712 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:04,713 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,713 - __main__ - INFO - Average Fitness Value of Generation: 183916308620609785888168214528.000000 -2015-04-21 15:18:04,713 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:18:04,713 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:04,713 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:04,713 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:04,713 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,714 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,717 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,717 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,720 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,721 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,724 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,724 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,727 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,727 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,730 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,731 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,736 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,736 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,740 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,741 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,745 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,745 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,748 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,749 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,752 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,752 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,756 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,756 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,759 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,759 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,763 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,763 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,766 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:04,767 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:04,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:04,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:04,772 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:18:04,772 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:04,772 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,772 - __main__ - INFO - Average Fitness Value of Generation: 580365898323612404271447801856.000000 -2015-04-21 15:18:04,772 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:18:04,772 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:04,773 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:04,773 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:04,774 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,774 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,778 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,778 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,781 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,782 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,784 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,785 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,788 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,788 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,791 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,792 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,794 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,795 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,798 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,798 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,801 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,802 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,806 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,807 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,811 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,812 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,815 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,815 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,818 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,819 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,821 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,822 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,825 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:04,826 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:04,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:04,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:04,829 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:18:04,829 - __main__ - INFO - Number of Correct Bits in Best Individual: 5 -2015-04-21 15:18:04,829 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:18:04,829 - __main__ - INFO - Average Fitness Value of Generation: 728057683485334516097609629696.000000 -2015-04-21 15:18:04,829 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:18:04,829 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:04,829 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:04,829 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:04,830 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,830 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,834 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,834 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,838 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,838 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,844 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,845 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,850 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,850 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,853 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,854 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,857 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,857 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,860 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,861 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,864 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,865 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,868 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,868 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,871 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,871 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,875 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,875 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,880 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,882 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,887 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,887 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,892 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:04,892 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:04,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:04,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:04,895 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:18:04,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:04,896 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,896 - __main__ - INFO - Average Fitness Value of Generation: 765031034404291767971027615744.000000 -2015-04-21 15:18:04,896 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:18:04,896 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:04,896 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:04,896 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:04,897 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,897 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,900 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,901 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,904 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,904 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,908 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,908 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,911 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,912 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,915 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,916 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,921 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,923 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,927 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,927 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,931 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,931 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,934 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,935 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,938 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,938 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,941 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,941 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,945 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,945 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,948 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,948 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,951 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:04,952 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:04,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:04,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:04,955 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:18:04,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:04,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:04,955 - __main__ - INFO - Average Fitness Value of Generation: 762007231035925041235489718272.000000 -2015-04-21 15:18:04,955 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:18:04,955 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:04,955 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:04,955 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:04,956 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,956 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,961 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,962 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,967 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,967 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,970 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,971 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,974 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,975 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,978 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,978 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,981 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,981 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,985 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,985 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,988 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,988 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,991 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,992 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:04,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:04,996 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:04,997 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:04,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,001 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,002 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,005 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,005 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,008 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,009 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,011 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,012 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,015 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:18:05,015 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,015 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:18:05,015 - __main__ - INFO - Average Fitness Value of Generation: 728568370562004192634519683072.000000 -2015-04-21 15:18:05,015 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:18:05,015 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:05,015 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:05,015 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:05,016 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,016 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,019 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,020 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,022 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,023 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,026 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,026 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,029 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,030 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,035 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,035 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,039 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,040 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,043 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,044 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,047 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,047 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,050 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,051 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,054 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,055 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,058 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,058 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,061 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,061 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,065 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,066 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,070 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,071 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,075 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:18:05,075 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,075 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,075 - __main__ - INFO - Average Fitness Value of Generation: 879219981682562736358816743424.000000 -2015-04-21 15:18:05,075 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:18:05,075 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:05,075 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:05,076 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:05,076 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,077 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,080 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,080 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,083 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,084 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,086 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,087 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,089 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,090 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,093 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,093 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,096 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,096 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,100 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,100 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,104 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,105 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,109 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,110 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,113 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,114 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,117 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,117 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,120 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,121 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,124 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,125 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,128 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,128 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,131 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:18:05,131 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,131 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,131 - __main__ - INFO - Average Fitness Value of Generation: 975659295938524074572710412288.000000 -2015-04-21 15:18:05,131 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:18:05,131 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:05,131 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:05,132 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:05,132 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,133 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,136 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,136 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,141 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,142 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,146 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,147 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,149 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,150 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,153 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,154 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,157 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,157 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,160 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,160 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,163 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,164 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,167 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,167 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,170 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,170 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,173 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,174 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,179 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,180 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,184 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,184 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,187 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,188 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,191 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:18:05,191 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:05,191 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,191 - __main__ - INFO - Average Fitness Value of Generation: 925175561714596073629988945920.000000 -2015-04-21 15:18:05,191 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:18:05,191 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:05,191 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:05,191 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:05,192 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,193 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,195 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,196 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,199 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,199 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,202 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,203 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,205 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,206 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,209 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,209 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,213 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,214 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,218 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,219 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,222 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,222 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,225 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,225 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,228 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,229 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,232 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,232 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,235 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,235 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,238 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,239 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,242 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,242 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,245 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:18:05,245 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:05,246 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,246 - __main__ - INFO - Average Fitness Value of Generation: 912918746271437975189270298624.000000 -2015-04-21 15:18:05,246 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:18:05,246 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:05,246 - __main__ - INFO - Finished run 5. -2015-04-21 15:18:05,246 - __main__ - INFO - Starting run 6... -2015-04-21 15:18:05,246 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:05,249 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:05,249 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:05,251 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:05,251 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:05,251 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:05,252 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,254 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,257 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,258 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,261 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,261 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,264 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,265 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,268 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,268 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,271 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,275 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,275 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,278 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,279 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,284 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,285 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,290 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,291 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,295 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,295 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,299 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,300 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,303 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,304 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,307 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,307 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,310 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,311 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,314 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:18:05,314 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:05,314 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 -2015-04-21 15:18:05,314 - __main__ - INFO - Average Fitness Value of Generation: 127349480565426509711098773504.000000 -2015-04-21 15:18:05,314 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:18:05,314 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:05,314 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:05,314 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:05,315 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,315 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,319 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,320 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,325 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,326 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,330 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,332 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,335 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,335 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,338 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,339 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,342 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,342 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,345 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,349 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,352 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,352 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,355 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,356 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,359 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,359 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,365 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,365 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,370 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,370 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,373 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,374 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,377 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:18:05,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:05,377 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:05,377 - __main__ - INFO - Average Fitness Value of Generation: 673938480141129493047345676288.000000 -2015-04-21 15:18:05,377 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:18:05,377 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:05,377 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:05,377 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:05,378 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,378 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,381 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,382 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,385 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,385 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,388 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,389 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,391 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,392 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,395 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,396 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,400 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,401 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,406 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,406 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,409 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,410 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,413 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,413 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,416 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,416 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,419 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,419 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,422 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,423 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,426 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,426 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,429 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:05,430 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:05,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:05,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:05,433 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:18:05,433 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:05,433 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,433 - __main__ - INFO - Average Fitness Value of Generation: 688871294289040899376190324736.000000 -2015-04-21 15:18:05,433 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:18:05,433 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:05,433 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:05,434 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:05,435 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,436 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,440 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,442 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,445 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,445 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,448 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,449 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,452 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,452 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,455 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,455 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,458 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,459 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,461 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,462 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,465 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,465 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,468 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,469 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,474 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,475 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,479 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,480 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,483 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,483 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,486 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,486 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,489 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:05,490 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:05,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:05,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:05,493 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:18:05,493 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:05,493 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,493 - __main__ - INFO - Average Fitness Value of Generation: 874461988985148345278846205952.000000 -2015-04-21 15:18:05,493 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:18:05,493 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:05,493 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:05,493 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:05,494 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,494 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,497 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,498 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,500 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,501 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,504 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,505 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,509 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,510 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,514 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,515 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,518 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,518 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,521 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,521 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,524 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,525 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,528 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,528 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,531 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,531 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,534 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,535 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,538 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,538 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,542 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,542 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,546 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:05,547 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:05,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:05,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:05,551 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:18:05,551 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,552 - __main__ - INFO - Average Fitness Value of Generation: 848924143539932894683402862592.000000 -2015-04-21 15:18:05,552 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:18:05,552 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:05,552 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:05,552 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:05,553 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,553 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,557 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,557 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,560 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,561 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,564 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,564 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,567 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,568 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,571 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,571 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,574 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,575 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,578 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,579 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,584 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,585 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,589 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,589 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,593 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,593 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,596 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,596 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,599 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,599 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,602 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,603 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,606 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:05,606 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:05,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:05,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:05,609 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:18:05,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,610 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,610 - __main__ - INFO - Average Fitness Value of Generation: 822504524629866151469408845824.000000 -2015-04-21 15:18:05,610 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:18:05,610 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:05,610 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:05,610 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:05,611 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,611 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,614 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,614 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,619 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,620 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,624 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,625 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,628 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,628 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,632 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,632 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,636 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,636 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,639 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,640 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,644 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,644 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,647 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,648 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,656 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,657 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,666 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,667 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,672 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,673 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,678 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,679 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,684 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:05,684 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:05,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:05,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:05,687 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:18:05,687 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,688 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,688 - __main__ - INFO - Average Fitness Value of Generation: 884133056106325680353028603904.000000 -2015-04-21 15:18:05,688 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:18:05,688 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:05,688 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:05,688 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:05,689 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,690 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,697 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,698 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,702 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,703 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,706 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,706 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,709 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,710 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,714 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,715 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,718 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,721 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,722 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,725 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,725 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,729 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,730 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,735 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,735 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,739 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,740 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,743 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,744 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,747 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,747 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,750 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:05,751 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:05,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:05,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:05,754 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:18:05,754 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:05,754 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,754 - __main__ - INFO - Average Fitness Value of Generation: 815323020044364989417943728128.000000 -2015-04-21 15:18:05,754 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:18:05,754 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:05,754 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:05,754 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:05,755 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,756 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,758 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,759 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,762 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,762 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,766 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,767 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,772 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,773 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,776 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,776 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,780 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,781 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,783 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,784 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,787 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,787 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,790 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,791 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,794 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,794 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,797 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,798 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,800 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,801 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,804 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,805 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,810 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:05,811 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:05,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:05,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:05,816 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:18:05,816 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:05,816 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,816 - __main__ - INFO - Average Fitness Value of Generation: 831961818656058269319791902720.000000 -2015-04-21 15:18:05,816 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:18:05,817 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:05,817 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:05,817 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:05,818 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,818 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,821 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,822 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,825 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,825 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,828 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,828 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,831 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,831 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,834 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,835 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,837 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,838 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,840 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,841 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,844 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,844 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,849 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,850 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,854 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,854 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,857 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,858 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,861 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,861 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,864 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,864 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,867 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:05,867 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:05,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:05,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:05,870 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:18:05,870 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:05,871 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:05,871 - __main__ - INFO - Average Fitness Value of Generation: 844864007171639030427936620544.000000 -2015-04-21 15:18:05,871 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:18:05,871 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:05,871 - __main__ - INFO - Finished run 6. -2015-04-21 15:18:05,871 - __main__ - INFO - Starting run 7... -2015-04-21 15:18:05,871 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:05,872 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:05,872 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:05,874 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:05,874 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:05,874 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:05,875 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,876 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,879 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,879 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,884 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,884 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,888 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,889 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,892 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,892 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,895 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,896 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,899 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,900 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,903 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,903 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,906 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,907 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,909 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,910 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,913 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,916 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,921 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,922 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,926 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,927 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,930 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,931 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,934 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:05,934 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:05,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:05,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:05,937 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:18:05,937 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:05,938 - __main__ - INFO - Fitness Value of Best Individual: 700282274153114679659575902208.000000 -2015-04-21 15:18:05,938 - __main__ - INFO - Average Fitness Value of Generation: 58953751864682959216878551040.000000 -2015-04-21 15:18:05,938 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:18:05,938 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:05,938 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:05,938 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:05,939 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,939 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,942 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,942 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,945 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,945 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,948 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,948 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,951 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,952 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,957 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,958 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,962 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,963 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,967 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,968 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,971 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,971 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,974 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,974 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,977 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,978 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,981 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,981 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,984 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,985 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,988 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,989 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,993 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:05,993 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:05,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:05,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:05,999 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:18:05,999 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:05,999 - __main__ - INFO - Fitness Value of Best Individual: 1172025550356773630692472913920.000000 -2015-04-21 15:18:05,999 - __main__ - INFO - Average Fitness Value of Generation: 214127742267774208263631929344.000000 -2015-04-21 15:18:05,999 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:18:05,999 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:05,999 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:05,999 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:06,000 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,001 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,005 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,006 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,009 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,009 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,012 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,013 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,016 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,016 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,019 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,020 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,022 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,023 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,026 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,026 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,030 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,031 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,037 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,037 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,041 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,042 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,045 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,046 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,048 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,049 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,052 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,052 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,055 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,055 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,058 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:18:06,058 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:06,058 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:18:06,058 - __main__ - INFO - Average Fitness Value of Generation: 515255109886214367112545173504.000000 -2015-04-21 15:18:06,058 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:18:06,058 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:06,058 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:06,059 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:06,059 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,060 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,063 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,063 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,066 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,066 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,071 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,072 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,077 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,077 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,082 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,083 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,086 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,086 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,089 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,090 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,093 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,094 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,097 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,098 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,101 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,101 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,105 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,105 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,109 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,110 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,114 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,115 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,118 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,119 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,122 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:18:06,122 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:06,122 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:18:06,122 - __main__ - INFO - Average Fitness Value of Generation: 556992689483096260487472480256.000000 -2015-04-21 15:18:06,122 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:18:06,122 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:06,123 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:06,123 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:06,123 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,124 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,127 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,127 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,130 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,130 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,133 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,133 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,136 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,136 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,139 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,140 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,145 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,146 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,151 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,152 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,156 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,156 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,159 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,160 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,163 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,163 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,166 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,167 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,169 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,170 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,173 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,173 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,176 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,177 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,180 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:18:06,180 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:06,180 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:18:06,180 - __main__ - INFO - Average Fitness Value of Generation: 574312873216830833292113608704.000000 -2015-04-21 15:18:06,180 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:18:06,180 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:06,180 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:06,180 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:06,181 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,181 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,186 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,187 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,191 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,192 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,195 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,195 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,198 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,199 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,202 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,202 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,205 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,205 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,208 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,208 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,211 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,211 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,214 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,215 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,218 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,219 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,223 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,223 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,228 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,228 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,231 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,232 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,235 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,235 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,238 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:18:06,238 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:06,238 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:18:06,238 - __main__ - INFO - Average Fitness Value of Generation: 703578501072935536466409291776.000000 -2015-04-21 15:18:06,238 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:18:06,238 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:06,239 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:06,239 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:06,239 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,239 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,243 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,243 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,246 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,246 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,249 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,249 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,252 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,253 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,256 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,256 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,260 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,260 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,265 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,265 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,268 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,268 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,271 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,272 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,275 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,275 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,278 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,279 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,281 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,282 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,284 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,285 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,288 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,288 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,291 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:18:06,291 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:06,291 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:18:06,291 - __main__ - INFO - Average Fitness Value of Generation: 719078499948468262831847899136.000000 -2015-04-21 15:18:06,292 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:18:06,292 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:06,292 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:06,292 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:06,293 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,294 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,298 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,299 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,303 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,303 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,306 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,306 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,309 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,310 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,313 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,313 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,316 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,317 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,319 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,320 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,323 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,323 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,327 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,328 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,334 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,334 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,338 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,339 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,342 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,343 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,346 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,346 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,349 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,350 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,352 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:18:06,353 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:06,353 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:06,353 - __main__ - INFO - Average Fitness Value of Generation: 650289644954123160516592402432.000000 -2015-04-21 15:18:06,353 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:18:06,353 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:06,353 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:06,353 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:06,354 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,354 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,357 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,358 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,361 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,361 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,365 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,366 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,372 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,373 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,377 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,378 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,381 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,381 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,384 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,385 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,388 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,389 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,392 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,392 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,395 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,395 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,398 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,399 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,402 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,403 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,408 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,409 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,414 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,415 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:06,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:06,418 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:18:06,418 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:06,418 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:06,418 - __main__ - INFO - Average Fitness Value of Generation: 841150483055476404925801431040.000000 -2015-04-21 15:18:06,418 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:18:06,419 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:06,419 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:06,419 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:06,419 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,420 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,423 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,424 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,427 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,428 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,431 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,431 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,434 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,434 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,437 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,438 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,441 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,441 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,446 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,447 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,451 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,452 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,455 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,456 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,458 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,459 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,462 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,463 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,465 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,466 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,469 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,469 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,472 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:06,473 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:06,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:06,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:06,475 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:18:06,476 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:06,476 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:06,476 - __main__ - INFO - Average Fitness Value of Generation: 937450984233341619683394060288.000000 -2015-04-21 15:18:06,476 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:18:06,476 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:06,476 - __main__ - INFO - Finished run 7. -2015-04-21 15:18:06,476 - __main__ - INFO - Starting run 8... -2015-04-21 15:18:06,476 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:06,477 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:06,477 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:06,479 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:06,480 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:06,480 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:06,481 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,482 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,487 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,488 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,491 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,491 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,494 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,495 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,498 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,499 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,502 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,503 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,505 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,506 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,509 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,510 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,513 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,514 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,519 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,521 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,525 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,526 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,530 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,530 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,533 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,534 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,537 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,537 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,540 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:06,541 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:06,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:06,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:06,544 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:18:06,544 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:06,544 - __main__ - INFO - Fitness Value of Best Individual: 598736939238378872731701608448.000000 -2015-04-21 15:18:06,544 - __main__ - INFO - Average Fitness Value of Generation: 78219293653329187660185468928.000000 -2015-04-21 15:18:06,544 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:18:06,544 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:06,544 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:06,544 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:06,545 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,545 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,548 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,549 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,553 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,554 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,560 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,560 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,565 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,565 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,569 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,569 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,572 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,572 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,575 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,575 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,578 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,579 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,582 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,582 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,585 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,586 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,589 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,589 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,594 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,595 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,600 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,600 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,605 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:06,605 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:06,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:06,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:06,608 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:18:06,608 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:06,608 - __main__ - INFO - Fitness Value of Best Individual: 567960437552029950526841946112.000000 -2015-04-21 15:18:06,609 - __main__ - INFO - Average Fitness Value of Generation: 160422167526580270566270304256.000000 -2015-04-21 15:18:06,609 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:18:06,609 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:06,609 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:06,609 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:06,609 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,610 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,612 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,613 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,616 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,617 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,619 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,620 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,623 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,624 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,627 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,628 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,631 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,632 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,635 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,636 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,640 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,642 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,648 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,649 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,655 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,655 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,661 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,662 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,665 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,666 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,669 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,670 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,673 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:06,673 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:06,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:06,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:06,679 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:18:06,679 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:06,679 - __main__ - INFO - Fitness Value of Best Individual: 605069371210072971160980553728.000000 -2015-04-21 15:18:06,679 - __main__ - INFO - Average Fitness Value of Generation: 363114046482090124778416373760.000000 -2015-04-21 15:18:06,680 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:18:06,680 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:06,680 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:06,680 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:06,681 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,682 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,686 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,687 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,689 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,690 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,694 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,695 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,698 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,699 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,701 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,702 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,705 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,705 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,708 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,708 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,713 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,713 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,718 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,718 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,722 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,723 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,727 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,728 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,731 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,731 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,734 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,735 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,738 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:06,738 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:06,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:06,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:06,741 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:18:06,741 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:06,742 - __main__ - INFO - Fitness Value of Best Individual: 1051140132040790608124642852864.000000 -2015-04-21 15:18:06,742 - __main__ - INFO - Average Fitness Value of Generation: 422703581258020292498506645504.000000 -2015-04-21 15:18:06,742 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:18:06,742 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:06,742 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:06,742 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:06,743 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,743 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,747 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,747 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,753 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,754 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,758 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,758 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,763 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,763 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,766 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,767 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,770 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,770 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,774 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,774 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,777 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,778 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,781 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,781 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,784 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,784 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,789 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,790 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,795 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,795 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,800 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,800 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,803 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:06,804 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:06,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:06,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:06,807 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:18:06,807 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:06,807 - __main__ - INFO - Fitness Value of Best Individual: 1051140132040790608124642852864.000000 -2015-04-21 15:18:06,807 - __main__ - INFO - Average Fitness Value of Generation: 627841136828383355716398743552.000000 -2015-04-21 15:18:06,807 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:18:06,807 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:06,807 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:06,807 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:06,808 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,809 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,812 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,812 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,815 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,815 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,818 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,819 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,822 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,822 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,827 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,828 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,833 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,833 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,838 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,838 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,841 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,841 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,845 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,845 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,848 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,848 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,851 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,852 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,855 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,856 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,859 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,859 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,864 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:06,864 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:06,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:06,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:06,870 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:18:06,870 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:06,870 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:18:06,870 - __main__ - INFO - Average Fitness Value of Generation: 566480106121165415961937838080.000000 -2015-04-21 15:18:06,871 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:18:06,871 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:06,871 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:06,871 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:06,872 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,873 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,877 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,878 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,881 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,881 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,884 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,884 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,887 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,887 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,890 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,891 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,894 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,894 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,897 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,898 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,901 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,902 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,908 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,908 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,913 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,913 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,917 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,917 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,920 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,920 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,923 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,923 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,926 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:06,927 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:06,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:06,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:06,930 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:18:06,930 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:06,930 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:06,930 - __main__ - INFO - Average Fitness Value of Generation: 734032922249622240332297011200.000000 -2015-04-21 15:18:06,930 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:18:06,930 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:06,930 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:06,931 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:06,931 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,932 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,935 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,935 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,939 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,940 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,945 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,947 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,951 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,952 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,955 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,955 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,958 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,959 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,962 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,962 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,965 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,966 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,969 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,969 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,972 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,973 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,976 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,977 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,983 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,983 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,988 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,989 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,993 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:06,993 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:06,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:06,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:06,996 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:18:06,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:06,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:06,996 - __main__ - INFO - Average Fitness Value of Generation: 882294343944472819322773831680.000000 -2015-04-21 15:18:06,996 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:18:06,997 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:06,997 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:06,997 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:06,997 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:06,998 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:06,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,001 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,001 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,004 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,005 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,007 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,008 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,011 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,011 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,014 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,015 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,020 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,021 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,025 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,027 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,030 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,031 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,034 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,034 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,037 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,038 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,040 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,041 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,044 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,045 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,048 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,048 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,051 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,052 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,055 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:18:07,055 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:07,055 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:07,055 - __main__ - INFO - Average Fitness Value of Generation: 879415240711387911210399694848.000000 -2015-04-21 15:18:07,055 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:18:07,055 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:07,055 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:07,055 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:07,056 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,056 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,061 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,061 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,066 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,066 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,069 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,069 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,072 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,072 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,075 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,076 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,079 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,079 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,082 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,083 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,086 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,086 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,089 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,090 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,093 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,095 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,099 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,099 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,103 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,104 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,107 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,107 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,110 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,110 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,113 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:18:07,113 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:07,113 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:07,114 - __main__ - INFO - Average Fitness Value of Generation: 811642208823515177046171975680.000000 -2015-04-21 15:18:07,114 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:18:07,114 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:07,114 - __main__ - INFO - Finished run 8. -2015-04-21 15:18:07,114 - __main__ - INFO - Starting run 9... -2015-04-21 15:18:07,114 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:07,115 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:07,115 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:07,117 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:07,117 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:07,117 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:07,118 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,118 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,121 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,122 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,125 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,126 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,129 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,130 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,134 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,135 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,139 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,140 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,143 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,143 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,146 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,147 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,149 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,150 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,153 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,154 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,157 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,157 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,160 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,161 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,165 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,166 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,170 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,171 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,175 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:07,175 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:07,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:07,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:07,178 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:18:07,178 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:18:07,179 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 -2015-04-21 15:18:07,179 - __main__ - INFO - Average Fitness Value of Generation: 61175872042555173742823079936.000000 -2015-04-21 15:18:07,179 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:18:07,179 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:07,179 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:07,179 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:07,180 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,180 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,183 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,183 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,186 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,186 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,189 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,190 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,193 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,193 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,196 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,197 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,201 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,203 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,207 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,207 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,212 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,213 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,215 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,216 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,219 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,219 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,222 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,223 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,226 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,227 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,229 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,230 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,233 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:07,234 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:07,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:07,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:07,238 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:18:07,238 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:07,238 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 -2015-04-21 15:18:07,238 - __main__ - INFO - Average Fitness Value of Generation: 266763482607992153049086820352.000000 -2015-04-21 15:18:07,238 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:18:07,238 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:07,238 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:07,238 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:07,240 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,240 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,246 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,250 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,250 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,254 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,254 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,257 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,258 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,261 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,262 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,264 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,265 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,268 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,268 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,271 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,272 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,275 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,276 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,280 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,281 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,286 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,286 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,289 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,290 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,293 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,294 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,296 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:07,297 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:07,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:07,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:07,300 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:18:07,300 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:07,300 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-21 15:18:07,300 - __main__ - INFO - Average Fitness Value of Generation: 475858475137929929857504903168.000000 -2015-04-21 15:18:07,300 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:18:07,300 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:07,300 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:07,301 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:07,301 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,302 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,304 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,305 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,308 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,308 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,313 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,314 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,319 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,320 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,324 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,325 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,328 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,328 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,331 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,331 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,334 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,335 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,338 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,338 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,341 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,341 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,344 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,345 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,348 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,349 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,355 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,355 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,360 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:07,361 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:07,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:07,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:07,364 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:18:07,364 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:07,364 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 -2015-04-21 15:18:07,364 - __main__ - INFO - Average Fitness Value of Generation: 487448254090733672005074157568.000000 -2015-04-21 15:18:07,365 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:18:07,365 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:07,365 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:07,365 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:07,365 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,366 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,369 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,369 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,372 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,372 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,375 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,376 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,379 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,379 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,382 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,383 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,386 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,387 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,392 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,393 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,397 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,397 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,402 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,402 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,405 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,405 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,409 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,409 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,412 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,413 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,416 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,416 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,419 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:07,419 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:07,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:07,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:07,422 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:18:07,422 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:07,423 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:07,423 - __main__ - INFO - Average Fitness Value of Generation: 449747147587595993819654389760.000000 -2015-04-21 15:18:07,423 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:18:07,423 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:07,423 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:07,423 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:07,424 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,424 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,428 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,428 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,432 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,433 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,438 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,438 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,441 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,442 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,445 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,445 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,448 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,448 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,451 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,452 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,455 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,455 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,458 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,458 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,461 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,462 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,466 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,467 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,471 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,472 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,475 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,476 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,479 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:07,479 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:07,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:07,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:07,482 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:18:07,482 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:07,483 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:07,483 - __main__ - INFO - Average Fitness Value of Generation: 741164607110575614250918608896.000000 -2015-04-21 15:18:07,483 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:18:07,483 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:07,483 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:07,483 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:07,484 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,484 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,487 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,488 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,491 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,492 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,495 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,495 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,498 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,499 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,504 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,505 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,509 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,510 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,514 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,515 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,518 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,518 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,521 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,521 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,524 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,524 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,527 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,527 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,530 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,531 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,534 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,534 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,539 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:07,539 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:07,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:07,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:07,545 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:18:07,545 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:07,545 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:07,545 - __main__ - INFO - Average Fitness Value of Generation: 833542024212690109996749291520.000000 -2015-04-21 15:18:07,545 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:18:07,546 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:07,546 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:07,546 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:07,546 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,547 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,552 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,552 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,555 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,555 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,559 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,559 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,562 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,563 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,566 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,567 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,569 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,570 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,573 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,574 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,580 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,581 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,586 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,587 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,591 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,591 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,594 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,594 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,597 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,598 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,601 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,602 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,605 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:07,605 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:07,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:07,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:07,608 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:18:07,608 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:07,608 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:07,608 - __main__ - INFO - Average Fitness Value of Generation: 835940908169088042710618603520.000000 -2015-04-21 15:18:07,609 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:18:07,609 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:07,609 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:07,609 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:07,610 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,610 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,614 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,615 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,620 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,621 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,625 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,626 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,630 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,630 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,633 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,633 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,637 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,637 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,640 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,641 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,646 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,647 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,653 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,655 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,661 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,663 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,667 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,668 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,671 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,671 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,674 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,675 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,679 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:07,679 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:07,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:07,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:07,682 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:18:07,682 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:07,683 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:07,683 - __main__ - INFO - Average Fitness Value of Generation: 924853503918735133880172412928.000000 -2015-04-21 15:18:07,683 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:18:07,683 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:07,683 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:07,683 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:07,684 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,684 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,687 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,687 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,690 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,692 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,698 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,699 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,704 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,705 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,708 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,709 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,712 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,713 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,716 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,716 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,719 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,719 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,722 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,722 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,725 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,726 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,729 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,729 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,733 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,733 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,738 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,739 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,743 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:07,743 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:07,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:07,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:07,746 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:18:07,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:07,747 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:07,747 - __main__ - INFO - Average Fitness Value of Generation: 870382727933601103836004483072.000000 -2015-04-21 15:18:07,747 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:18:07,747 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:07,747 - __main__ - INFO - Finished run 9. -2015-04-21 15:18:07,747 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:18:09,822 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:18:09,822 - __main__ - INFO - Program Arguments: -2015-04-21 15:18:09,822 - __main__ - INFO - plot=True -2015-04-21 15:18:09,822 - __main__ - INFO - autoscale=True -2015-04-21 15:18:09,822 - __main__ - INFO - G=10 -2015-04-21 15:18:09,822 - __main__ - INFO - l=20 -2015-04-21 15:18:09,822 - __main__ - INFO - experiment_number=1 -2015-04-21 15:18:09,822 - __main__ - INFO - N=30 -2015-04-21 15:18:09,822 - __main__ - INFO - pc=0.6 -2015-04-21 15:18:09,823 - __main__ - INFO - ce=False -2015-04-21 15:18:09,823 - __main__ - INFO - ff= -2015-04-21 15:18:09,823 - __main__ - INFO - learn=False -2015-04-21 15:18:09,823 - __main__ - INFO - NG=20 -2015-04-21 15:18:09,823 - __main__ - INFO - nruns=10 -2015-04-21 15:18:09,823 - __main__ - INFO - pm=0.033 -2015-04-21 15:18:09,823 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:18:09,823 - __main__ - INFO - Starting run 0... -2015-04-21 15:18:09,824 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:09,825 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:09,825 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:09,827 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:09,827 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:09,827 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:09,828 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,828 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,831 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,832 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,835 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,835 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,838 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,839 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,842 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,842 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,845 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,846 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,849 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,850 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,853 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,854 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,858 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,858 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,863 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,864 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,867 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,867 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,870 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,870 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,873 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,874 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,877 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,877 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,880 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:09,881 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:09,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:09,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:09,884 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:18:09,884 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:09,884 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 -2015-04-21 15:18:09,884 - __main__ - INFO - Average Fitness Value of Generation: 127373203257469646817227440128.000000 -2015-04-21 15:18:09,884 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:18:09,884 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:09,884 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:09,884 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:09,885 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,886 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,890 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,891 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,895 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,896 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,899 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,900 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,903 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,903 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,907 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,908 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,911 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,911 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,914 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,914 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,917 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,918 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,921 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,921 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,926 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,926 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,931 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,931 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,935 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,935 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,938 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,939 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,942 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:09,942 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:09,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:09,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:09,945 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:18:09,945 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:09,945 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:09,946 - __main__ - INFO - Average Fitness Value of Generation: 469977356139913772030660444160.000000 -2015-04-21 15:18:09,946 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:18:09,946 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:09,946 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:09,946 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:09,946 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,947 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,950 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,950 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,954 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,954 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,957 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,958 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,961 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,962 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,967 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,968 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,971 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,972 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,975 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,975 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,979 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,979 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,982 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,983 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,985 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,986 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,989 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,989 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,992 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,992 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:09,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:09,995 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:09,995 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:09,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,000 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,000 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,005 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:18:10,005 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:10,005 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,005 - __main__ - INFO - Average Fitness Value of Generation: 742913677914437863235678896128.000000 -2015-04-21 15:18:10,005 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:18:10,006 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:10,006 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:10,006 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:10,006 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,007 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,010 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,011 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,014 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,014 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,017 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,017 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,020 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,021 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,024 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,025 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,028 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,028 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,032 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,033 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,038 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,039 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,044 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,044 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,047 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,048 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,051 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,052 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,055 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,055 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,058 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,059 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,062 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,062 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,065 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:18:10,066 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:10,066 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,066 - __main__ - INFO - Average Fitness Value of Generation: 931745885666321645130005610496.000000 -2015-04-21 15:18:10,066 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:18:10,066 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:10,066 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:10,066 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:10,067 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,068 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,073 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,074 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,078 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,079 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,083 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,083 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,086 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,086 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,089 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,090 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,093 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,094 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,097 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,097 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,100 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,100 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,103 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,104 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,107 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,107 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,111 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,112 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,116 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,117 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,120 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,121 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,124 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,125 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,127 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:18:10,127 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:10,128 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,128 - __main__ - INFO - Average Fitness Value of Generation: 957382350261645131895395057664.000000 -2015-04-21 15:18:10,128 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:18:10,128 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:10,128 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:10,128 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:10,129 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,129 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,132 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,132 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,135 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,135 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,138 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,139 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,142 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,142 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,145 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,146 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,151 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,152 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,156 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,156 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,159 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,160 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,163 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,163 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,166 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,167 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,170 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,170 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,173 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,174 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,177 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,177 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,181 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,182 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,186 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:18:10,186 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:10,186 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,186 - __main__ - INFO - Average Fitness Value of Generation: 865976851240679892972050841600.000000 -2015-04-21 15:18:10,186 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:18:10,187 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:10,187 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:10,187 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:10,188 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,188 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,192 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,193 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,195 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,196 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,199 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,199 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,202 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,203 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,206 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,206 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,209 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,210 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,213 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,213 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,216 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,217 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,222 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,223 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,227 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,227 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,230 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,231 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,234 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,235 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,237 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,238 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,240 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,241 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,244 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:18:10,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:10,244 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,244 - __main__ - INFO - Average Fitness Value of Generation: 972690412290438008380984393728.000000 -2015-04-21 15:18:10,244 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:18:10,244 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:10,245 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:10,245 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:10,245 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,246 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,248 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,249 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,254 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,255 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,260 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,261 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,265 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,266 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,269 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,269 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,272 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,273 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,276 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,276 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,279 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,280 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,283 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,283 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,286 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,287 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,291 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,291 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,297 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,298 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,302 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,303 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,306 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,307 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,310 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:18:10,310 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:10,310 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,310 - __main__ - INFO - Average Fitness Value of Generation: 1014158920131613500073435987968.000000 -2015-04-21 15:18:10,310 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:18:10,310 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:10,310 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:10,310 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:10,311 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,311 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,315 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,315 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,318 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,319 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,322 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,322 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,325 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,326 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,331 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,331 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,336 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,336 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,341 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,341 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,345 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,345 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,348 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,348 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,351 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,352 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,354 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,355 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,358 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,358 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,361 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,362 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,365 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,366 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,371 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:18:10,372 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:10,372 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,372 - __main__ - INFO - Average Fitness Value of Generation: 838728041189847448086669950976.000000 -2015-04-21 15:18:10,372 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:18:10,372 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:10,372 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:10,372 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:10,374 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,375 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,379 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,379 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,383 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,383 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,386 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,386 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,389 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,390 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,393 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,393 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,396 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,396 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,399 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,400 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,403 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,403 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,408 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,409 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,414 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,414 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,419 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,419 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,422 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,423 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,426 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,426 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,429 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,429 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:10,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:10,433 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:18:10,433 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:10,433 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,433 - __main__ - INFO - Average Fitness Value of Generation: 820137593660396461050067681280.000000 -2015-04-21 15:18:10,433 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:18:10,433 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:10,433 - __main__ - INFO - Finished run 0. -2015-04-21 15:18:10,433 - __main__ - INFO - Starting run 1... -2015-04-21 15:18:10,433 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:10,435 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:10,435 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:10,436 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:10,436 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:10,437 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:10,437 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,438 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,441 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,442 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,448 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,449 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,453 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,455 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,458 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,459 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,462 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,463 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,466 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,466 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,469 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,469 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,472 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,473 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,476 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,477 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,479 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,480 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,484 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,484 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,489 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,490 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,494 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,495 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,498 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:10,498 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:10,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:10,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:10,501 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:18:10,501 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:10,501 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:10,501 - __main__ - INFO - Average Fitness Value of Generation: 150815571889367278204078784512.000000 -2015-04-21 15:18:10,501 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:18:10,501 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:10,501 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:10,502 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:10,502 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,503 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,506 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,506 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,509 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,510 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,513 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,513 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,516 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,516 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,519 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,520 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,525 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,525 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,529 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,530 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,533 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,533 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,536 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,537 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,539 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,540 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,543 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,544 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,546 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,547 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,550 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,550 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,553 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:10,554 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:10,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:10,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:10,558 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:18:10,559 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:10,559 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:18:10,559 - __main__ - INFO - Average Fitness Value of Generation: 616950115776517020225472823296.000000 -2015-04-21 15:18:10,559 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:18:10,559 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:10,559 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:10,559 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:10,560 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,560 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,565 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,566 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,569 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,569 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,572 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,573 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,576 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,576 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,579 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,580 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,583 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,584 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,586 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,587 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,591 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,592 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,597 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,598 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,603 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,603 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,606 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,607 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,610 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,610 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,613 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,614 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,617 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:10,617 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:10,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:10,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:10,620 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:18:10,620 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:10,620 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:10,621 - __main__ - INFO - Average Fitness Value of Generation: 510405477213439670029733855232.000000 -2015-04-21 15:18:10,621 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:18:10,621 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:10,621 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:10,621 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:10,621 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,622 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,625 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,626 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,629 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,629 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,635 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,635 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,641 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,642 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,647 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,648 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,653 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,654 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,658 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,658 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,664 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,664 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,667 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,668 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,671 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,672 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,676 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,677 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,681 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,681 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,685 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,686 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,689 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:10,690 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:10,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:10,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:10,694 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:18:10,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:10,694 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,694 - __main__ - INFO - Average Fitness Value of Generation: 614334581529314236662357688320.000000 -2015-04-21 15:18:10,694 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:18:10,694 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:10,694 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:10,694 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:10,695 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,696 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,699 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,699 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,703 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,703 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,706 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,707 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,710 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,710 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,714 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,715 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,718 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,719 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,723 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,724 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,727 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,727 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,730 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,731 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,733 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,734 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,737 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,737 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,740 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,741 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,743 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,744 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,748 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:10,749 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:10,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:10,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:10,754 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:18:10,754 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:10,754 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,755 - __main__ - INFO - Average Fitness Value of Generation: 779434393844360075491525263360.000000 -2015-04-21 15:18:10,755 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:18:10,755 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:10,755 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:10,755 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:10,756 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,757 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,761 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,762 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,765 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,766 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,768 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,769 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,772 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,772 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,776 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,776 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,779 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,779 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,782 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,783 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,788 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,789 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,794 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,795 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,799 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,800 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,803 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,804 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,807 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,807 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,810 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,810 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,813 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:10,814 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:10,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:10,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:10,817 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:18:10,817 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:10,817 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,817 - __main__ - INFO - Average Fitness Value of Generation: 935310109436168412826607550464.000000 -2015-04-21 15:18:10,817 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:18:10,817 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:10,817 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:10,817 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:10,818 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,818 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,821 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,822 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,825 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,825 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,829 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,830 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,834 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,835 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,838 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,839 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,842 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,842 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,845 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,846 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,848 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,849 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,852 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,853 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,856 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,856 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,859 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,859 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,864 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,865 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,869 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,869 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,873 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:10,873 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:10,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:10,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:10,876 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:18:10,876 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:10,876 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,876 - __main__ - INFO - Average Fitness Value of Generation: 816764409711207194829164380160.000000 -2015-04-21 15:18:10,876 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:18:10,876 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:10,877 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:10,877 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:10,877 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,878 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,881 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,881 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,884 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,885 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,888 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,888 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,891 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,891 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,894 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,894 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,898 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,898 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,902 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,903 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,908 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,909 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,912 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,912 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,915 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,916 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,919 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,919 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,922 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,923 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,926 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,926 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,929 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:10,929 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:10,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:10,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:10,932 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:18:10,933 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:10,933 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,933 - __main__ - INFO - Average Fitness Value of Generation: 975152016532357439389136060416.000000 -2015-04-21 15:18:10,933 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:18:10,933 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:10,933 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:10,933 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:10,934 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,938 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,939 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,944 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,944 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,948 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,951 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,951 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,954 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,955 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,958 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,958 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,961 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,962 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,965 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,965 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,969 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,969 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,975 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,976 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,980 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,981 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,985 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,986 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,989 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,989 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,992 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:10,992 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:10,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:10,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:10,995 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:18:10,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:18:10,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:10,996 - __main__ - INFO - Average Fitness Value of Generation: 837909040414542107221476507648.000000 -2015-04-21 15:18:10,996 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:18:10,996 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:10,996 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:10,996 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:10,997 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:10,997 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:10,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,000 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,001 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,004 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,004 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,007 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,008 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,012 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,013 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,018 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,019 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,022 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,022 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,025 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,026 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,029 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,029 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,033 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,033 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,036 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,037 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,039 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,040 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,043 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,044 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,048 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,049 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,053 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,055 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,058 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:18:11,058 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:11,058 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,058 - __main__ - INFO - Average Fitness Value of Generation: 961524339670663398868920565760.000000 -2015-04-21 15:18:11,058 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:18:11,059 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:11,059 - __main__ - INFO - Finished run 1. -2015-04-21 15:18:11,059 - __main__ - INFO - Starting run 2... -2015-04-21 15:18:11,059 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:11,060 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:11,060 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:11,062 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:11,062 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:11,062 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:11,063 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,064 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,067 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,067 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,070 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,071 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,074 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,075 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,078 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,083 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,085 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,089 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,089 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,094 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,094 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,097 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,097 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,100 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,101 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,103 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,104 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,107 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,108 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,111 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,111 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,114 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,114 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,119 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,119 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,125 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:18:11,125 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:11,125 - __main__ - INFO - Fitness Value of Best Individual: 851041981810043742748359524352.000000 -2015-04-21 15:18:11,125 - __main__ - INFO - Average Fitness Value of Generation: 171071024044540484713535504384.000000 -2015-04-21 15:18:11,125 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:18:11,126 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:11,126 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:11,126 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:11,127 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,128 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,131 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,132 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,135 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,135 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,138 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,139 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,142 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,142 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,145 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,146 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,149 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,150 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,153 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,154 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,157 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,158 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,163 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,163 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,168 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,168 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,171 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,172 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,175 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,175 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,178 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,179 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,182 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,182 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,185 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:18:11,185 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:18:11,186 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 -2015-04-21 15:18:11,186 - __main__ - INFO - Average Fitness Value of Generation: 644216808958117323892745830400.000000 -2015-04-21 15:18:11,186 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:18:11,186 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:11,186 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:11,186 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:11,187 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,187 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,190 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,191 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,196 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,197 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,201 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,202 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,206 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,207 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,209 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,210 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,213 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,214 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,217 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,217 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,220 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,220 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,223 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,224 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,226 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,227 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,231 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,231 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,237 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,237 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,242 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,242 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,246 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,249 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:18:11,249 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:11,249 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 -2015-04-21 15:18:11,249 - __main__ - INFO - Average Fitness Value of Generation: 454759432786488092953822625792.000000 -2015-04-21 15:18:11,249 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:18:11,249 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:11,249 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:11,250 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:11,250 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,251 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,254 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,255 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,258 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,258 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,261 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,262 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,264 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,265 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,268 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,268 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,274 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,274 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,278 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,279 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,282 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,282 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,285 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,286 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,289 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,289 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,292 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,292 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,295 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,296 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,299 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,299 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,302 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,302 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,306 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:18:11,306 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:11,306 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:11,306 - __main__ - INFO - Average Fitness Value of Generation: 654960127439485375070469095424.000000 -2015-04-21 15:18:11,306 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:18:11,306 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:11,306 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:11,306 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:11,307 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,309 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,313 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,314 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,317 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,318 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,321 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,321 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,324 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,325 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,328 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,328 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,331 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,332 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,335 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,335 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,338 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,339 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,345 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,346 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,350 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,351 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,355 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,355 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,358 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,358 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,361 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,362 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,365 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,365 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,368 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:18:11,368 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:11,368 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,368 - __main__ - INFO - Average Fitness Value of Generation: 692887543550263376290319958016.000000 -2015-04-21 15:18:11,369 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:18:11,369 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:11,369 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:11,369 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:11,369 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,370 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,373 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,373 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,376 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,376 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,380 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,380 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,384 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,386 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,390 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,390 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,393 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,394 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,397 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,398 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,400 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,401 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,404 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,404 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,407 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,407 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,410 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,411 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,413 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,414 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,418 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,419 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,423 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:11,423 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:11,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:11,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:11,427 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:18:11,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:11,427 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,427 - __main__ - INFO - Average Fitness Value of Generation: 776515144859524591523031154688.000000 -2015-04-21 15:18:11,428 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:18:11,428 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:11,428 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:11,428 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:11,429 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,429 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,432 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,432 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,435 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,436 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,439 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,439 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,442 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,443 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,446 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,446 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,449 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,450 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,456 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,457 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,462 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,463 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,466 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,466 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,469 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,470 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,473 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,473 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,476 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,477 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,479 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,480 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,483 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:11,483 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:11,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:11,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:11,486 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:18:11,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:11,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,486 - __main__ - INFO - Average Fitness Value of Generation: 821629779520728970466559000576.000000 -2015-04-21 15:18:11,486 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:18:11,487 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:11,487 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:11,487 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:11,488 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,488 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,493 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,494 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,499 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,499 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,504 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,504 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,507 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,508 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,510 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,511 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,514 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,515 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,517 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,518 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,521 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,521 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,524 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,525 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,529 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,530 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,536 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,537 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,542 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,542 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,545 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,545 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,549 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:11,549 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:11,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:11,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:11,552 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:18:11,552 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:11,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,552 - __main__ - INFO - Average Fitness Value of Generation: 800035585650414964335123103744.000000 -2015-04-21 15:18:11,552 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:18:11,553 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:11,553 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:11,553 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:11,553 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,554 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,557 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,558 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,562 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,562 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,566 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,566 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,570 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,571 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,576 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,577 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,580 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,580 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,583 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,584 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,587 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,587 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,590 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,591 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,594 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,595 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,598 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,598 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,601 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,601 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,605 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,607 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,612 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:11,613 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:11,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:11,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:11,616 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:18:11,616 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:11,616 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,616 - __main__ - INFO - Average Fitness Value of Generation: 938229583079986483165034184704.000000 -2015-04-21 15:18:11,616 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:18:11,617 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:11,617 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:11,617 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:11,617 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,618 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,621 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,621 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,625 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,625 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,628 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,629 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,632 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,633 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,637 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,638 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,645 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,647 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,655 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,655 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,661 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,662 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,665 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,665 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,668 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,668 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,672 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,672 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,677 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,677 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,681 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,681 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,684 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:11,685 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:11,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:11,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:11,689 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:18:11,690 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:11,690 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,690 - __main__ - INFO - Average Fitness Value of Generation: 925648400814291034148352032768.000000 -2015-04-21 15:18:11,690 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:18:11,690 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:11,690 - __main__ - INFO - Finished run 2. -2015-04-21 15:18:11,691 - __main__ - INFO - Starting run 3... -2015-04-21 15:18:11,691 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:11,693 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:11,693 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:11,695 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:11,695 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:11,695 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:11,695 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,696 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,699 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,699 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,702 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,703 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,706 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,706 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,709 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,709 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,712 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,713 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,716 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,716 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,721 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,722 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,727 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,727 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,732 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,732 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,736 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,736 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,739 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,739 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,742 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,743 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,746 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,746 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,749 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:11,750 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:11,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:11,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:11,753 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:18:11,753 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:11,753 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,753 - __main__ - INFO - Average Fitness Value of Generation: 195810508228531738207095619584.000000 -2015-04-21 15:18:11,753 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:18:11,753 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:11,753 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:11,753 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:11,754 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,755 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,759 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,760 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,765 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,766 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,770 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,771 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,774 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,775 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,778 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,778 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,781 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,781 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,784 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,785 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,788 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,788 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,791 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,792 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,795 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,795 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,799 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,800 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,805 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,806 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,809 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,809 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,813 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:11,813 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:11,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:11,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:11,816 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:18:11,816 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:11,816 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:18:11,816 - __main__ - INFO - Average Fitness Value of Generation: 341303410012796435967816761344.000000 -2015-04-21 15:18:11,816 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:18:11,816 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:11,816 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:11,817 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:11,817 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,818 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,821 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,822 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,825 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,825 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,828 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,828 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,831 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,832 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,837 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,838 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,843 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,844 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,848 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,848 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,851 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,852 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,855 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,855 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,858 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,858 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,861 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,862 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,865 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,865 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,868 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,869 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,872 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:11,873 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:11,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:11,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:11,877 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:18:11,877 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:11,877 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:18:11,877 - __main__ - INFO - Average Fitness Value of Generation: 603132353417059194986779639808.000000 -2015-04-21 15:18:11,877 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:18:11,877 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:11,877 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:11,877 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:11,878 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,879 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,883 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,883 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,886 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,886 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,889 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,890 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,893 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,894 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,897 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,897 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,900 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,901 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,903 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,904 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,907 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,907 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,912 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,913 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,917 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,918 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,921 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,922 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,925 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,926 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,929 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,929 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,932 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:11,932 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:11,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:11,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:11,935 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:18:11,935 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:11,935 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-21 15:18:11,936 - __main__ - INFO - Average Fitness Value of Generation: 548954667140760724928792100864.000000 -2015-04-21 15:18:11,936 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:18:11,936 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:11,936 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:11,936 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:11,937 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,937 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,940 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,941 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,944 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,945 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,949 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,950 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,955 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,955 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,959 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,959 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,962 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,963 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,966 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,966 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,969 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,970 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,973 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,974 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,977 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,978 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,981 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,982 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,986 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,987 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,992 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,992 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,995 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:11,996 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:11,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:11,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:11,999 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:18:11,999 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:11,999 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:11,999 - __main__ - INFO - Average Fitness Value of Generation: 429021834601540994964360527872.000000 -2015-04-21 15:18:11,999 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:18:11,999 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:11,999 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:12,000 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:12,000 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,000 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,003 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,004 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,007 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,007 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,010 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,011 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,014 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,014 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,019 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,020 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,025 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,026 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,030 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,030 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,033 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,034 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,037 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,037 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,040 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,041 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,043 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,044 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,047 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,047 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,050 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,050 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,053 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,054 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,059 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:18:12,059 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:12,059 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,059 - __main__ - INFO - Average Fitness Value of Generation: 572517292100342915841784807424.000000 -2015-04-21 15:18:12,060 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:18:12,060 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:12,060 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:12,060 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:12,061 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,062 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,067 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,067 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,070 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,070 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,074 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,074 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,077 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,077 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,080 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,081 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,084 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,084 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,087 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,088 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,091 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,091 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,096 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,096 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,101 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,102 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,106 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,107 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,110 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,110 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,113 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,113 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,116 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,117 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,119 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:18:12,120 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:12,120 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,120 - __main__ - INFO - Average Fitness Value of Generation: 721859529430805083816391081984.000000 -2015-04-21 15:18:12,120 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:18:12,120 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:12,120 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:12,120 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:12,121 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,121 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,125 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,125 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,128 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,128 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,131 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,132 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,138 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,138 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,143 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,143 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,147 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,148 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,150 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,151 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,154 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,155 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,158 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,158 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,161 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,162 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,165 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,165 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,168 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,169 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,174 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,175 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,180 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,181 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,184 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:18:12,185 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:12,185 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,185 - __main__ - INFO - Average Fitness Value of Generation: 740294171090735538875958034432.000000 -2015-04-21 15:18:12,185 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:18:12,185 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:12,185 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:12,185 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:12,186 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,186 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,190 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,190 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,193 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,194 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,197 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,197 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,200 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,200 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,203 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,203 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,206 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,207 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,211 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,212 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,217 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,217 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,222 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,223 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,226 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,226 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,229 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,230 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,232 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,233 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,236 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,237 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,240 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,240 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,243 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:18:12,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:12,244 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,244 - __main__ - INFO - Average Fitness Value of Generation: 815138069442873977039315009536.000000 -2015-04-21 15:18:12,244 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:18:12,244 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:12,244 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:12,244 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:12,245 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,245 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,248 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,249 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,254 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,255 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,259 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,260 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,263 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,263 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,266 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,267 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,270 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,270 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,273 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,274 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,277 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,278 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,280 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,281 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,285 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,286 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,292 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,292 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,297 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,297 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,300 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,301 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,304 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,304 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,307 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:18:12,307 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:12,307 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,307 - __main__ - INFO - Average Fitness Value of Generation: 835164163732525903475749421056.000000 -2015-04-21 15:18:12,308 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:18:12,308 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:12,308 - __main__ - INFO - Finished run 3. -2015-04-21 15:18:12,308 - __main__ - INFO - Starting run 4... -2015-04-21 15:18:12,308 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:12,309 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:12,309 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:12,311 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:12,311 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:12,311 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:12,312 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,312 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,315 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,315 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,319 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,319 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,322 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,323 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,326 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,327 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,331 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,332 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,336 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,336 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,339 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,340 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,343 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,343 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,346 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,347 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,350 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,351 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,354 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,355 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,358 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,358 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,363 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,363 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,367 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,368 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,371 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:18:12,372 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:12,372 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 -2015-04-21 15:18:12,372 - __main__ - INFO - Average Fitness Value of Generation: 102132962298802202056308293632.000000 -2015-04-21 15:18:12,372 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:18:12,372 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:12,372 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:12,372 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:12,373 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,373 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,376 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,377 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,380 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,381 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,384 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,385 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,388 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,388 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,391 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,392 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,395 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,396 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,400 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,400 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,405 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,405 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,409 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,409 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,412 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,413 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,416 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,416 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,419 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,420 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,423 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,423 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,426 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:12,426 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:12,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:12,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:12,431 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:18:12,431 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:12,431 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 -2015-04-21 15:18:12,432 - __main__ - INFO - Average Fitness Value of Generation: 543238703439694461928598405120.000000 -2015-04-21 15:18:12,432 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:18:12,432 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:12,432 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:12,432 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:12,433 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,434 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,439 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,440 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,444 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,445 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,447 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,448 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,451 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,451 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,454 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,454 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,457 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,458 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,461 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,461 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,464 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,464 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,468 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,468 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,472 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,473 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,477 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,478 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,481 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,482 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,485 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,486 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,488 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:12,489 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:12,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:12,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:12,492 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:18:12,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:12,492 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,492 - __main__ - INFO - Average Fitness Value of Generation: 657818418480046943051028889600.000000 -2015-04-21 15:18:12,492 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:18:12,492 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:12,492 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:12,493 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:12,493 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,494 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,497 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,497 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,500 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,501 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,504 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,505 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,511 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,511 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,516 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,516 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,520 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,520 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,524 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,524 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,527 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,527 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,530 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,530 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,533 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,534 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,537 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,537 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,540 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,541 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,546 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,546 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,551 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:12,552 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:12,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:12,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:12,556 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:18:12,556 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:12,556 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,557 - __main__ - INFO - Average Fitness Value of Generation: 734098150386337085613431324672.000000 -2015-04-21 15:18:12,557 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:18:12,557 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:12,557 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:12,557 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:12,558 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,558 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,561 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,562 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,565 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,566 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,569 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,569 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,572 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,572 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,575 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,576 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,578 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,579 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,582 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,582 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,587 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,588 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,593 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,593 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,596 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,597 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,600 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,600 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,603 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,604 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,606 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,607 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,610 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:12,610 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:12,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:12,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:12,613 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:18:12,613 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:12,613 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:12,614 - __main__ - INFO - Average Fitness Value of Generation: 669306336673266287199360385024.000000 -2015-04-21 15:18:12,614 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:18:12,614 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:12,614 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:12,614 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:12,615 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,615 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,619 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,620 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,627 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,628 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,633 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,634 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,637 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,638 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,643 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,644 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,649 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,650 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,655 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,656 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,664 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,665 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,669 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,670 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,674 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,675 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,678 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,678 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,682 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,682 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,685 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,686 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,690 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:12,691 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:12,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:12,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:12,694 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:18:12,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:12,694 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,694 - __main__ - INFO - Average Fitness Value of Generation: 817733666797587885933528612864.000000 -2015-04-21 15:18:12,694 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:18:12,695 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:12,695 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:12,695 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:12,695 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,696 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,701 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,703 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,707 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,708 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,712 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,713 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,716 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,716 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,719 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,720 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,723 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,723 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,726 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,727 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,730 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,730 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,733 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,734 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,739 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,740 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,744 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,745 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,749 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,750 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,753 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,754 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,757 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:12,758 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:12,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:12,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:12,761 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:18:12,761 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:12,761 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,761 - __main__ - INFO - Average Fitness Value of Generation: 783225376095164136821530558464.000000 -2015-04-21 15:18:12,761 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:18:12,761 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:12,761 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:12,761 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:12,762 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,762 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,765 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,766 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,769 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,769 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,773 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,773 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,778 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,779 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,784 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,784 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,788 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,789 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,791 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,792 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,795 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,796 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,799 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,799 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,802 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,803 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,806 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,806 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,809 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,810 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,815 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,816 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,821 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:12,822 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:12,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:12,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:12,826 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:18:12,826 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:12,826 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,826 - __main__ - INFO - Average Fitness Value of Generation: 833217239592058486552608636928.000000 -2015-04-21 15:18:12,827 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:18:12,827 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:12,827 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:12,827 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:12,827 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,828 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,831 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,832 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,835 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,835 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,839 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,839 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,842 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,843 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,846 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,846 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,850 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,850 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,856 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,857 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,861 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,862 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,866 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,866 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,869 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,869 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,873 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,873 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,876 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,876 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,879 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,880 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,883 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:12,883 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:12,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:12,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:12,886 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:18:12,887 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:12,887 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,887 - __main__ - INFO - Average Fitness Value of Generation: 855036388016472059969911390208.000000 -2015-04-21 15:18:12,887 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:18:12,887 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:12,887 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:12,887 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:12,889 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,889 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,895 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,896 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,900 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,901 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,904 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,905 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,908 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,908 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,911 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,912 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,915 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,915 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,918 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,918 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,921 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,921 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,924 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,925 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,931 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,932 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,936 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,938 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,942 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,942 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,945 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,946 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,949 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:12,949 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:12,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:12,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:12,952 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:18:12,952 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:12,952 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:12,952 - __main__ - INFO - Average Fitness Value of Generation: 891718169330270548396223758336.000000 -2015-04-21 15:18:12,952 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:18:12,953 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:12,953 - __main__ - INFO - Finished run 4. -2015-04-21 15:18:12,953 - __main__ - INFO - Starting run 5... -2015-04-21 15:18:12,953 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:12,954 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:12,954 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:12,956 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:12,956 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:12,956 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:12,957 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,957 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,961 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,961 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,965 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,966 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,972 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,972 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,977 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,978 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,981 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,982 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,985 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,985 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,989 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,989 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,992 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,993 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,996 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:12,996 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:12,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:12,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:12,999 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,000 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,004 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,005 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,010 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,011 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,016 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,016 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,019 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,020 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,023 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:18:13,023 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:13,023 - __main__ - INFO - Fitness Value of Best Individual: 714932007447850196165432705024.000000 -2015-04-21 15:18:13,023 - __main__ - INFO - Average Fitness Value of Generation: 109706419202149896548010426368.000000 -2015-04-21 15:18:13,023 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:18:13,023 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:13,023 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:13,024 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:13,024 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,025 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,027 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,028 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,031 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,031 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,034 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,035 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,038 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,039 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,044 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,045 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,050 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,050 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,055 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,056 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,058 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,059 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,062 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,063 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,066 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,066 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,069 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,069 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,072 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,073 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,075 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,076 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,080 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,081 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,087 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:18:13,087 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:13,087 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:18:13,087 - __main__ - INFO - Average Fitness Value of Generation: 324451165681405297401937264640.000000 -2015-04-21 15:18:13,087 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:18:13,087 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:13,087 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:13,088 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:13,088 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,089 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,094 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,094 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,097 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,098 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,100 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,101 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,104 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,105 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,107 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,108 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,111 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,111 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,114 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,115 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,119 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,120 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,125 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,126 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,130 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,131 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,134 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,135 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,138 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,139 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,142 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,142 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,145 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,146 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,149 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:18:13,149 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:13,149 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,149 - __main__ - INFO - Average Fitness Value of Generation: 626399653098128302234354581504.000000 -2015-04-21 15:18:13,149 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:18:13,149 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:13,149 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:13,149 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:13,150 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,150 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,153 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,153 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,158 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,159 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,165 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,165 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,170 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,170 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,173 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,174 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,177 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,177 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,180 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,181 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,184 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,184 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,187 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,188 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,191 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,191 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,195 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,196 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,202 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,202 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,207 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,208 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,211 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,211 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,214 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:18:13,215 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:13,215 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,215 - __main__ - INFO - Average Fitness Value of Generation: 718550737744772452964936712192.000000 -2015-04-21 15:18:13,215 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:18:13,215 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:13,215 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:13,215 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:13,216 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,216 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,219 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,220 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,223 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,223 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,226 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,227 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,230 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,230 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,234 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,236 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,241 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,242 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,246 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,247 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,250 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,251 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,254 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,254 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,257 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,258 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,261 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,262 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,264 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,265 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,268 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,269 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,273 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,274 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,280 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:18:13,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:13,280 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,280 - __main__ - INFO - Average Fitness Value of Generation: 686588791964048484164849106944.000000 -2015-04-21 15:18:13,280 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:18:13,280 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:13,281 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:13,281 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:13,281 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,283 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,287 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,287 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,290 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,291 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,294 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,294 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,297 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,297 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,300 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,301 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,304 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,304 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,307 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,308 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,312 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,313 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,318 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,319 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,323 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,324 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,327 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,328 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,331 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,331 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,334 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,335 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,338 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,338 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,341 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:18:13,341 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:13,341 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,342 - __main__ - INFO - Average Fitness Value of Generation: 700002021425288562558415929344.000000 -2015-04-21 15:18:13,342 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:18:13,342 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:13,342 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:13,342 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:13,343 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,343 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,346 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,347 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,353 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,354 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,358 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,359 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,363 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,363 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,366 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,367 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,370 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,370 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,373 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,374 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,377 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,377 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,380 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,380 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,383 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,384 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,389 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,389 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,395 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,395 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,400 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,401 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,404 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,404 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:13,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:13,407 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:18:13,407 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:13,407 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,407 - __main__ - INFO - Average Fitness Value of Generation: 626270564770018551118807695360.000000 -2015-04-21 15:18:13,407 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:18:13,408 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:13,408 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:13,408 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:13,408 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,409 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,412 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,413 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,416 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,416 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,419 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,419 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,422 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,423 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,428 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,429 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,434 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,434 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,438 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,439 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,442 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,442 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,445 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,446 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,449 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,449 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,452 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,453 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,456 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,456 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,459 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,460 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,465 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:13,467 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:13,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:13,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:13,471 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:18:13,471 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:13,472 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,472 - __main__ - INFO - Average Fitness Value of Generation: 732512669697784445871169994752.000000 -2015-04-21 15:18:13,472 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:18:13,472 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:13,472 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:13,473 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:13,473 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,474 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,477 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,478 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,481 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,481 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,484 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,485 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,488 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,488 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,491 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,492 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,495 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,496 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,499 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,500 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,506 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,507 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,511 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,512 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,516 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,516 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,519 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,520 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,523 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,523 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,526 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,526 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,529 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:13,530 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:13,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:13,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:13,533 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:18:13,533 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:13,533 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,533 - __main__ - INFO - Average Fitness Value of Generation: 913957137913934493459253559296.000000 -2015-04-21 15:18:13,533 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:18:13,534 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:13,534 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:13,534 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:13,534 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,535 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,538 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,539 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,545 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,546 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,551 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,552 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,555 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,555 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,558 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,558 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,562 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,563 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,566 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,566 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,569 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,570 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,573 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,573 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,576 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,576 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,581 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,582 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,587 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,587 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,590 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,591 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,594 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:13,594 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:13,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:13,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:13,597 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:18:13,598 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:13,598 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,598 - __main__ - INFO - Average Fitness Value of Generation: 960551584996980599210534502400.000000 -2015-04-21 15:18:13,598 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:18:13,598 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:13,598 - __main__ - INFO - Finished run 5. -2015-04-21 15:18:13,598 - __main__ - INFO - Starting run 6... -2015-04-21 15:18:13,598 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:13,599 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:13,599 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:13,601 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:13,601 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:13,601 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:13,602 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,603 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,605 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,606 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,609 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,610 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,613 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,614 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,618 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,619 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,624 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,625 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,629 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,629 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,633 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,634 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,637 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,638 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,642 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,643 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,649 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,650 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,654 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,655 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,662 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,663 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,667 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,667 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,670 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:13,671 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:13,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:13,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:13,675 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:18:13,675 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:13,675 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:18:13,675 - __main__ - INFO - Average Fitness Value of Generation: 186078013357337743324556034048.000000 -2015-04-21 15:18:13,675 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:18:13,675 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:13,676 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:13,676 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:13,676 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,677 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,680 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,681 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,684 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,684 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,687 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,688 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,692 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,693 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,698 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,699 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,702 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,703 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,707 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,707 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,710 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,711 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,714 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,714 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,717 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,718 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,721 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,721 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,724 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,725 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,728 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,729 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,734 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:13,734 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:13,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:13,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:13,738 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:18:13,738 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:13,738 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:18:13,738 - __main__ - INFO - Average Fitness Value of Generation: 599802101958177590564905549824.000000 -2015-04-21 15:18:13,738 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:18:13,739 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:13,739 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:13,739 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:13,739 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,740 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,743 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,744 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,746 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,747 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,749 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,750 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,753 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,753 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,756 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,756 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,759 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,760 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,765 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,767 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,771 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,771 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,776 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,776 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,779 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,780 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,783 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,783 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,786 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,787 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,790 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,791 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,794 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:13,795 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:13,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:13,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:13,798 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:18:13,798 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:18:13,798 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,798 - __main__ - INFO - Average Fitness Value of Generation: 853320176618535090848083738624.000000 -2015-04-21 15:18:13,798 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:18:13,798 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:13,798 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:13,798 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:13,799 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,800 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,805 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,807 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,811 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,812 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,815 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,816 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,819 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,819 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,822 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,822 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,825 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,826 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,829 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,829 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,833 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,833 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,836 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,837 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,842 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,844 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,848 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,849 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,853 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,854 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,857 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,857 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,860 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:13,861 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:13,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:13,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:13,864 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:18:13,864 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:13,864 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,864 - __main__ - INFO - Average Fitness Value of Generation: 871489811037154201071196831744.000000 -2015-04-21 15:18:13,864 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:18:13,864 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:13,864 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:13,864 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:13,865 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,866 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,868 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,869 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,872 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,873 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,876 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,877 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,883 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,884 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,889 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,890 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,893 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,894 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,897 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,897 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,900 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,901 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,904 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,905 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,908 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,909 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,912 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,912 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,917 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,918 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,924 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,925 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,929 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:13,929 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:13,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:13,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:13,932 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:18:13,933 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:13,933 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,933 - __main__ - INFO - Average Fitness Value of Generation: 998627178886140037323284283392.000000 -2015-04-21 15:18:13,933 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:18:13,933 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:13,933 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:13,933 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:13,934 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,934 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,937 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,937 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,940 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,941 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,945 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,945 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,948 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,948 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,951 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,951 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,957 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,958 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,962 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,963 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,967 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,968 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,971 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,971 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,975 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,975 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,978 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,979 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,982 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,982 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,986 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,986 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,989 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:13,989 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:13,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:13,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:13,993 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:18:13,993 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:13,993 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:13,993 - __main__ - INFO - Average Fitness Value of Generation: 833316641383075102435919790080.000000 -2015-04-21 15:18:13,993 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:18:13,993 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:13,994 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:13,994 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:13,995 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:13,996 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:13,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,000 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,001 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,005 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,005 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,008 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,008 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,011 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,012 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,015 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,015 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,018 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,019 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,022 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,022 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,025 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,026 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,031 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,032 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,037 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,037 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,042 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,042 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,045 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,046 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,049 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,049 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,053 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,053 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,056 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:18:14,056 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:14,056 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,056 - __main__ - INFO - Average Fitness Value of Generation: 881044816912111937791205572608.000000 -2015-04-21 15:18:14,056 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:18:14,056 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:14,056 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:14,056 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:14,057 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,058 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,061 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,061 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,064 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,065 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,068 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,069 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,073 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,074 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,078 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,079 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,082 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,082 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,085 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,086 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,089 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,089 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,092 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,093 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,096 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,096 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,099 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,100 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,102 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,103 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,108 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,108 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,113 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,114 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,117 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:18:14,117 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:18:14,117 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,117 - __main__ - INFO - Average Fitness Value of Generation: 1006455668831230199053875675136.000000 -2015-04-21 15:18:14,117 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:18:14,117 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:14,117 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:14,118 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:14,118 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,119 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,123 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,123 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,126 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,126 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,129 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,130 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,133 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,133 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,136 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,136 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,141 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,142 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,147 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,148 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,153 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,153 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,156 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,157 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,159 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,160 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,163 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,164 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,167 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,167 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,170 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,170 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,173 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,174 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,177 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:18:14,177 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:14,177 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,177 - __main__ - INFO - Average Fitness Value of Generation: 937084141544389965278057857024.000000 -2015-04-21 15:18:14,177 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:18:14,178 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:14,178 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:14,178 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:14,179 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,180 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,185 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,186 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,190 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,191 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,194 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,195 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,198 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,198 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,201 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,202 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,205 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,205 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,208 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,209 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,212 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,212 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,215 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,216 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,219 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,219 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,224 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,224 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,228 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,229 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,232 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,232 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,235 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,236 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,239 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:18:14,239 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:14,239 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,239 - __main__ - INFO - Average Fitness Value of Generation: 806182530328870660891314487296.000000 -2015-04-21 15:18:14,239 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:18:14,239 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:14,239 - __main__ - INFO - Finished run 6. -2015-04-21 15:18:14,239 - __main__ - INFO - Starting run 7... -2015-04-21 15:18:14,239 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:14,241 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:14,241 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:14,243 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:14,243 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:14,243 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:14,244 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,244 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,247 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,248 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,251 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,251 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,255 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,256 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,261 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,262 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,266 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,266 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,270 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,270 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,273 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,274 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,277 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,277 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,280 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,281 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,284 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,284 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,287 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,288 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,293 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,294 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,298 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,299 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,303 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,304 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,306 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:18:14,307 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:14,307 - __main__ - INFO - Fitness Value of Best Individual: 494491833377145521779599474688.000000 -2015-04-21 15:18:14,307 - __main__ - INFO - Average Fitness Value of Generation: 71587927803682204308643774464.000000 -2015-04-21 15:18:14,307 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:18:14,307 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:14,307 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:14,307 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:14,308 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,308 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,311 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,311 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,315 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,315 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,318 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,318 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,321 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,322 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,325 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,326 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,331 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,332 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,337 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,338 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,341 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,342 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,345 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,349 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,352 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,352 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,356 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,356 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,359 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,360 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,363 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,363 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,366 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:18:14,366 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:14,367 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 -2015-04-21 15:18:14,367 - __main__ - INFO - Average Fitness Value of Generation: 275607103829755242169354944512.000000 -2015-04-21 15:18:14,367 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:18:14,367 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:14,367 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:14,367 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:14,368 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,368 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,372 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,373 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,377 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,378 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,381 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,381 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,384 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,384 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,387 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,388 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,391 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,391 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,395 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,395 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,398 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,399 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,402 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,402 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,407 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,408 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,413 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,413 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,416 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,417 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,420 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,421 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,424 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:14,424 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:14,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:14,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:14,427 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:18:14,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:14,428 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 -2015-04-21 15:18:14,428 - __main__ - INFO - Average Fitness Value of Generation: 483764124453206462079069847552.000000 -2015-04-21 15:18:14,428 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:18:14,428 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:14,428 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:14,428 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:14,429 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,429 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,432 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,433 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,436 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,436 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,441 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,442 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,447 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,448 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,452 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,453 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,456 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,456 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,459 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,460 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,463 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,464 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,467 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,467 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,471 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,471 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,474 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,475 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,481 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,482 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,488 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,489 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,492 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:14,493 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:14,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:14,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:14,496 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:18:14,496 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:14,496 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:18:14,496 - __main__ - INFO - Average Fitness Value of Generation: 680846457779733517213328474112.000000 -2015-04-21 15:18:14,496 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:18:14,496 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:14,496 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:14,496 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:14,497 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,498 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,500 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,501 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,504 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,505 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,508 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,508 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,511 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,512 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,514 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,515 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,518 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,518 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,522 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,523 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,528 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,528 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,531 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,532 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,535 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,536 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,539 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,539 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,543 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,543 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,546 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,546 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,550 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:14,550 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:14,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:14,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:14,553 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:18:14,553 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:14,554 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,554 - __main__ - INFO - Average Fitness Value of Generation: 781766920815521980082204704768.000000 -2015-04-21 15:18:14,554 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:18:14,554 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:14,554 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:14,554 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:14,555 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,555 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,560 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,561 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,565 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,565 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,568 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,569 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,572 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,572 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,575 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,576 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,578 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,579 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,582 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,582 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,585 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,585 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,588 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,589 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,592 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,592 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,597 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,597 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,602 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,603 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,606 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,607 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,609 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:14,610 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:14,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:14,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:14,614 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:18:14,614 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:14,614 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,614 - __main__ - INFO - Average Fitness Value of Generation: 780721508059227059172728111104.000000 -2015-04-21 15:18:14,614 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:18:14,614 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:14,614 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:14,614 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:14,615 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,615 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,619 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,619 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,622 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,622 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,625 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,626 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,629 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,630 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,633 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,634 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,637 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,638 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,645 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,646 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,651 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,652 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,657 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,658 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,662 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,662 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,665 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,666 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,669 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,669 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,674 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,675 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,679 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:14,679 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:14,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:14,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:14,683 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:18:14,683 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:18:14,683 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,683 - __main__ - INFO - Average Fitness Value of Generation: 800223682187000660039378665472.000000 -2015-04-21 15:18:14,683 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:18:14,683 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:14,683 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:14,684 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:14,684 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,685 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,689 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,690 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,693 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,694 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,697 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,698 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,700 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,701 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,705 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,705 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,708 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,709 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,713 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,714 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,718 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,723 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,723 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,726 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,727 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,730 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,730 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,733 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,733 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,736 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,737 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,740 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:14,741 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:14,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:14,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:14,744 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:18:14,744 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:14,744 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,744 - __main__ - INFO - Average Fitness Value of Generation: 824461369038395361470206443520.000000 -2015-04-21 15:18:14,744 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:18:14,744 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:14,744 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:14,744 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:14,746 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,747 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,752 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,753 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,758 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,759 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,763 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,763 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,766 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,767 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,770 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,770 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,773 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,774 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,776 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,777 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,780 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,781 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,786 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,787 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,792 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,792 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,797 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,797 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,800 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,801 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,804 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,804 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,807 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:14,807 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:14,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:14,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:14,810 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:18:14,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:14,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,811 - __main__ - INFO - Average Fitness Value of Generation: 697149105927213420885707849728.000000 -2015-04-21 15:18:14,811 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:18:14,811 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:14,811 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:14,811 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:14,812 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,812 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,815 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,816 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,819 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,820 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,826 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,827 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,831 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,832 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,836 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,837 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,840 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,840 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,843 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,844 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,846 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,847 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,850 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,851 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,854 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,854 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,857 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,858 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,861 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,861 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,866 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,866 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,871 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:14,871 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:14,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:14,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:14,874 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:18:14,875 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:14,875 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:14,875 - __main__ - INFO - Average Fitness Value of Generation: 817712573607475165884009414656.000000 -2015-04-21 15:18:14,875 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:18:14,875 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:14,875 - __main__ - INFO - Finished run 7. -2015-04-21 15:18:14,875 - __main__ - INFO - Starting run 8... -2015-04-21 15:18:14,875 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:14,876 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:14,876 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:14,878 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:14,878 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:14,878 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:14,879 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,879 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,883 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,883 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,886 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,887 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,890 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,891 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,894 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,895 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,899 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,900 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,905 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,906 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,910 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,910 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,913 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,914 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,917 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,918 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,921 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,921 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,924 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,925 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,928 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,928 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,933 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,935 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,940 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:14,941 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:14,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:14,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:14,946 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:18:14,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:14,946 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:18:14,946 - __main__ - INFO - Average Fitness Value of Generation: 97574226943199534598355681280.000000 -2015-04-21 15:18:14,946 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:18:14,946 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:14,946 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:14,946 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:14,947 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,948 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,950 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,951 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,954 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,954 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,957 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,958 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,961 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,961 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,965 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,965 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,969 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,969 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,975 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,975 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,981 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,982 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,986 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,986 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,989 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,989 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,992 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,993 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,996 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,996 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:14,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:14,999 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:14,999 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:14,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,002 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,002 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,005 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:18:15,005 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:15,006 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:18:15,006 - __main__ - INFO - Average Fitness Value of Generation: 321340834762490283950407155712.000000 -2015-04-21 15:18:15,006 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:18:15,006 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:15,006 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:15,006 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:15,007 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,007 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,010 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,011 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,015 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,016 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,020 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,021 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,024 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,024 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,027 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,028 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,031 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,031 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,034 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,035 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,038 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,038 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,042 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,042 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,045 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,046 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,050 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,051 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,056 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,056 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,059 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,060 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,063 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,063 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,066 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:18:15,066 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:15,066 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:18:15,066 - __main__ - INFO - Average Fitness Value of Generation: 437566360423407084883102662656.000000 -2015-04-21 15:18:15,067 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:18:15,067 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:15,067 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:15,067 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:15,067 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,068 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,071 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,072 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,074 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,075 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,078 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,078 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,083 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,084 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,089 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,090 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,094 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,095 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,098 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,099 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,102 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,102 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,106 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,106 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,109 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,110 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,113 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,114 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,117 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,117 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,121 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,122 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,128 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,128 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,133 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:18:15,133 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:15,133 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 -2015-04-21 15:18:15,133 - __main__ - INFO - Average Fitness Value of Generation: 538903460657489558861860831232.000000 -2015-04-21 15:18:15,133 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:18:15,133 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:15,133 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:15,133 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:15,134 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,135 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,138 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,138 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,141 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,142 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,145 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,145 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,148 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,149 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,151 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,152 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,155 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,156 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,160 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,161 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,166 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,167 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,171 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,172 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,176 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,176 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,179 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,180 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,183 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,184 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,187 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,188 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,190 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,191 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,194 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:18:15,194 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:15,194 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:18:15,194 - __main__ - INFO - Average Fitness Value of Generation: 581758897476839241619540541440.000000 -2015-04-21 15:18:15,194 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:18:15,194 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:15,194 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:15,195 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:15,196 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,197 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,202 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,204 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,208 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,209 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,212 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,213 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,216 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,217 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,220 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,220 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,223 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,224 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,227 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,227 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,230 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,231 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,234 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,234 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,240 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,241 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,246 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,246 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,250 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,251 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,255 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,255 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,258 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,259 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,261 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:18:15,262 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:18:15,262 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-21 15:18:15,262 - __main__ - INFO - Average Fitness Value of Generation: 747021308876230455404609404928.000000 -2015-04-21 15:18:15,262 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:18:15,262 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:15,262 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:15,262 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:15,263 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,264 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,266 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,267 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,270 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,271 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,275 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,276 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,281 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,282 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,287 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,288 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,290 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,291 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,294 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,294 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,298 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,298 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,301 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,301 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,305 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,305 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,309 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,309 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,314 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,314 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,320 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,321 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,326 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,326 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,330 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:18:15,330 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:15,330 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 -2015-04-21 15:18:15,330 - __main__ - INFO - Average Fitness Value of Generation: 680513103323024284635650588672.000000 -2015-04-21 15:18:15,330 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:18:15,330 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:15,330 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:15,330 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:15,331 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,332 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,334 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,335 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,338 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,339 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,342 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,342 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,345 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,345 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,348 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,349 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,353 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,354 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,360 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,361 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,365 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,366 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,369 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,370 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,373 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,373 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,376 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,377 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,380 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,380 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,383 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,384 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,387 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,387 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,391 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:18:15,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:15,391 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,391 - __main__ - INFO - Average Fitness Value of Generation: 784542039112348042298952515584.000000 -2015-04-21 15:18:15,391 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:18:15,391 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:15,391 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:15,391 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:15,392 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,392 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,398 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,398 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,403 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,403 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,406 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,407 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,410 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,410 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,413 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,414 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,417 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,418 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,420 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,421 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,424 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,424 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,427 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,428 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,433 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,434 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,438 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,439 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,442 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,442 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,445 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,446 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,449 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:15,449 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:15,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:15,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:15,452 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:18:15,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:15,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,453 - __main__ - INFO - Average Fitness Value of Generation: 789698225501459151523439181824.000000 -2015-04-21 15:18:15,453 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:18:15,453 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:15,453 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:15,453 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:15,454 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,454 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,457 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,458 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,461 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,462 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,465 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,465 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,470 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,471 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,475 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,476 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,479 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,479 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,482 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,482 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,485 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,486 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,489 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,489 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,492 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,492 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,495 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,496 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,499 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,499 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,504 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,505 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,509 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:15,510 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:15,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:15,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:15,513 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:18:15,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:15,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,514 - __main__ - INFO - Average Fitness Value of Generation: 914108500931266095537195057152.000000 -2015-04-21 15:18:15,514 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:18:15,514 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:15,514 - __main__ - INFO - Finished run 8. -2015-04-21 15:18:15,514 - __main__ - INFO - Starting run 9... -2015-04-21 15:18:15,514 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:18:15,515 - __main__ - INFO - Initialization Complete. -2015-04-21 15:18:15,515 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:18:15,517 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:18:15,517 - __main__ - INFO - Generation 0 running... -2015-04-21 15:18:15,517 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:18:15,518 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,518 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,521 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,522 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,525 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,525 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,528 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,528 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,532 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,532 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,535 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,536 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,539 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,539 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,544 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,545 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,549 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,549 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,552 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,553 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,556 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,557 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,559 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,560 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,563 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,563 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,566 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,567 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,570 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:18:15,570 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:18:15,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:18:15,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:18:15,574 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:18:15,574 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:15,574 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 -2015-04-21 15:18:15,574 - __main__ - INFO - Average Fitness Value of Generation: 123139119668816745767903428608.000000 -2015-04-21 15:18:15,574 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:18:15,574 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:18:15,574 - __main__ - INFO - Generation 1 running... -2015-04-21 15:18:15,574 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:18:15,576 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,577 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,581 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,581 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,585 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,585 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,589 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,589 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,592 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,593 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,596 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,596 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,599 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,600 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,603 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,603 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,606 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,607 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,611 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,611 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,616 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,617 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,621 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,621 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,624 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,625 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,628 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,629 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,632 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:18:15,633 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:18:15,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:18:15,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:18:15,636 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:18:15,636 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:15,636 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:18:15,636 - __main__ - INFO - Average Fitness Value of Generation: 320077283540476206948705894400.000000 -2015-04-21 15:18:15,636 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:18:15,637 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:18:15,637 - __main__ - INFO - Generation 2 running... -2015-04-21 15:18:15,637 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:18:15,637 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,638 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,641 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,642 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,645 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,646 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,649 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,650 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,659 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,660 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,667 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,668 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,675 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,677 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,684 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,684 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,691 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,693 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,702 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,703 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,711 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,712 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,716 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,717 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,722 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,722 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,725 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,726 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,729 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:18:15,730 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:18:15,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:18:15,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:18:15,735 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:18:15,735 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:18:15,735 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:15,735 - __main__ - INFO - Average Fitness Value of Generation: 587337503885572349321810018304.000000 -2015-04-21 15:18:15,735 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:18:15,735 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:18:15,735 - __main__ - INFO - Generation 3 running... -2015-04-21 15:18:15,735 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:18:15,736 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,736 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,741 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,742 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,745 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,745 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,748 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,749 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,752 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,752 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,756 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,757 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,760 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,760 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,764 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,764 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,767 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,768 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,772 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,773 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,776 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,777 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,781 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,781 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,784 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,784 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,787 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,788 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,791 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:18:15,791 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:18:15,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:18:15,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:18:15,794 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:18:15,794 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:15,795 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:18:15,795 - __main__ - INFO - Average Fitness Value of Generation: 585069031830638336141869187072.000000 -2015-04-21 15:18:15,795 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:18:15,795 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:18:15,795 - __main__ - INFO - Generation 4 running... -2015-04-21 15:18:15,795 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:18:15,796 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,796 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,800 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,800 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,804 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,804 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,808 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,808 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,813 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,814 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,817 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,817 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,820 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,820 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,824 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,824 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,827 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,827 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,830 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,831 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,834 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,834 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,837 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,837 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,842 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,843 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,847 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,848 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,851 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:18:15,851 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:18:15,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:18:15,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:18:15,854 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:18:15,855 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:15,855 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,855 - __main__ - INFO - Average Fitness Value of Generation: 686645204246325666287829647360.000000 -2015-04-21 15:18:15,855 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:18:15,855 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:18:15,855 - __main__ - INFO - Generation 5 running... -2015-04-21 15:18:15,855 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:18:15,856 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,856 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,859 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,859 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,862 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,862 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,865 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,866 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,869 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,869 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,872 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,873 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,879 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,879 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,884 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,884 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,888 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,888 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,891 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,892 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,894 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,895 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,898 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,898 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,901 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,902 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,905 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,905 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,908 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:18:15,909 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:18:15,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:18:15,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:18:15,914 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:18:15,914 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:18:15,915 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,915 - __main__ - INFO - Average Fitness Value of Generation: 857095465257641649869756039168.000000 -2015-04-21 15:18:15,915 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:18:15,915 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:18:15,915 - __main__ - INFO - Generation 6 running... -2015-04-21 15:18:15,915 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:18:15,916 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,917 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,920 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,921 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,924 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,924 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,927 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,928 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,931 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,931 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,934 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,934 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,937 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,937 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,940 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,940 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,944 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,944 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,949 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,949 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,955 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,955 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,958 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,959 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,962 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,963 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,966 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,966 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,969 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:18:15,969 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:18:15,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:18:15,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:18:15,972 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:18:15,972 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:18:15,973 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:15,973 - __main__ - INFO - Average Fitness Value of Generation: 913772197378093638419996475392.000000 -2015-04-21 15:18:15,973 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:18:15,973 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:18:15,973 - __main__ - INFO - Generation 7 running... -2015-04-21 15:18:15,973 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:18:15,974 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,974 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,977 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,978 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,981 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,982 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,987 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,987 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,991 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,992 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,995 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:15,996 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:15,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:15,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:15,999 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,000 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,003 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,003 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,006 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,006 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,009 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,009 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,013 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,013 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,017 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,018 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,023 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,024 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,027 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,028 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,031 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:18:16,031 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:18:16,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:18:16,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:18:16,034 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:18:16,034 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:18:16,034 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:16,034 - __main__ - INFO - Average Fitness Value of Generation: 900217400088875283297387675648.000000 -2015-04-21 15:18:16,034 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:18:16,034 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:18:16,034 - __main__ - INFO - Generation 8 running... -2015-04-21 15:18:16,034 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:18:16,035 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,036 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,039 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,039 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,042 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,042 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,045 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,046 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,049 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,050 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,053 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,054 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,058 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,059 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,063 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,064 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,066 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,067 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,070 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,070 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,073 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,074 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,077 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,077 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,080 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,081 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,084 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,085 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,088 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:18:16,088 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:18:16,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:18:16,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:18:16,093 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:18:16,093 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:18:16,094 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:16,094 - __main__ - INFO - Average Fitness Value of Generation: 898509049883644794674530484224.000000 -2015-04-21 15:18:16,094 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:18:16,094 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:18:16,094 - __main__ - INFO - Generation 9 running... -2015-04-21 15:18:16,094 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:18:16,095 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,096 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,099 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,100 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,103 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,103 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,106 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,107 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,110 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,110 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,113 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,114 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,117 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,117 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,120 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,120 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,124 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,125 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,130 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,130 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,134 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,135 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,138 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,138 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,141 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,142 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,145 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,145 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,148 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:18:16,149 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:18:16,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:18:16,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:18:16,152 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:18:16,152 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:18:16,152 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:18:16,153 - __main__ - INFO - Average Fitness Value of Generation: 1042071907513814280864714981376.000000 -2015-04-21 15:18:16,153 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:18:16,153 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:18:16,153 - __main__ - INFO - Finished run 9. -2015-04-21 15:18:16,153 - __main__ - INFO - Finished Base Genetic Algorithm. -2015-04-21 15:20:45,480 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### -2015-04-21 15:20:45,480 - __main__ - INFO - Program Arguments: -2015-04-21 15:20:45,480 - __main__ - INFO - plot=True -2015-04-21 15:20:45,480 - __main__ - INFO - autoscale=True -2015-04-21 15:20:45,481 - __main__ - INFO - G=10 -2015-04-21 15:20:45,481 - __main__ - INFO - l=20 -2015-04-21 15:20:45,481 - __main__ - INFO - experiment_number=1 -2015-04-21 15:20:45,481 - __main__ - INFO - N=30 -2015-04-21 15:20:45,481 - __main__ - INFO - pc=0.6 -2015-04-21 15:20:45,481 - __main__ - INFO - ce=False -2015-04-21 15:20:45,481 - __main__ - INFO - ff= -2015-04-21 15:20:45,481 - __main__ - INFO - learn=False -2015-04-21 15:20:45,481 - __main__ - INFO - NG=20 -2015-04-21 15:20:45,481 - __main__ - INFO - nruns=10 -2015-04-21 15:20:45,482 - __main__ - INFO - pm=0.033 -2015-04-21 15:20:45,482 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-21 15:20:45,482 - __main__ - INFO - Starting run 0... -2015-04-21 15:20:45,482 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:45,483 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:45,483 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:45,485 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:45,485 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:45,485 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:45,486 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,486 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,490 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,490 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,494 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,495 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,498 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,498 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,501 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,501 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,504 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,504 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,507 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,508 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,513 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,514 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,517 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,518 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,522 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,523 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,526 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,526 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,529 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,530 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,533 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,533 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,536 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,536 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,539 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:45,539 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:45,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:45,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:45,542 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-21 15:20:45,542 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:45,542 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 15:20:45,542 - __main__ - INFO - Average Fitness Value of Generation: 147200000736322340386875899904.000000 -2015-04-21 15:20:45,542 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-21 15:20:45,542 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:45,542 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:45,542 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:45,543 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,543 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,548 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,548 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,555 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,555 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,560 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,560 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,564 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,564 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,567 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,567 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,570 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,570 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,573 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,573 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,576 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,577 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,579 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,580 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,583 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,583 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,587 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,588 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,594 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,594 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,599 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,599 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,602 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:45,603 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:45,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:45,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:45,605 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-21 15:20:45,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:20:45,606 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 15:20:45,606 - __main__ - INFO - Average Fitness Value of Generation: 309664507992378952291029352448.000000 -2015-04-21 15:20:45,606 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-21 15:20:45,606 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:45,606 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:45,606 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:45,607 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,607 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,610 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,611 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,614 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,615 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,617 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,618 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,621 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,622 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,626 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,627 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,634 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,635 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,640 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,640 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,646 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,647 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,652 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,653 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,657 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,658 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,673 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,674 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,684 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,685 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,695 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,696 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,704 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:45,705 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:45,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:45,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:45,708 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-21 15:20:45,708 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:45,708 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:45,708 - __main__ - INFO - Average Fitness Value of Generation: 649094541510705219369783263232.000000 -2015-04-21 15:20:45,708 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-21 15:20:45,708 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:45,708 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:45,708 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:45,709 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,710 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,715 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,716 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,721 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,722 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,725 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,726 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,729 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,729 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,734 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,735 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,738 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,738 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,741 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,741 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,745 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,745 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,749 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,750 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,755 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,756 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,761 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,761 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,766 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,766 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,770 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,770 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,774 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:45,774 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:45,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:45,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:45,777 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-21 15:20:45,777 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:45,778 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:45,778 - __main__ - INFO - Average Fitness Value of Generation: 597204434152405905040597843968.000000 -2015-04-21 15:20:45,778 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-21 15:20:45,778 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:45,778 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:45,778 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:45,779 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,779 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,782 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,783 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,786 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,786 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,789 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,791 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,796 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,797 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,801 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,802 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,806 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,807 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,810 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,810 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,813 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,813 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,816 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,817 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,819 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,820 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,823 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,823 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,826 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,827 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,830 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,830 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,835 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:45,836 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:45,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:45,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:45,841 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-21 15:20:45,841 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:45,841 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:45,841 - __main__ - INFO - Average Fitness Value of Generation: 788860863900680950207219761152.000000 -2015-04-21 15:20:45,841 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-21 15:20:45,841 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:45,841 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:45,841 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:45,842 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,843 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,846 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,846 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,849 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,850 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,853 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,853 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,856 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,857 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,859 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,860 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,863 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,864 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,869 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,870 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,874 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,875 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,879 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,880 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,883 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,884 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,886 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,887 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,889 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,890 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,893 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,893 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,896 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:45,897 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:45,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:45,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:45,900 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-21 15:20:45,900 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:45,900 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:45,900 - __main__ - INFO - Average Fitness Value of Generation: 865957220790554498485805121536.000000 -2015-04-21 15:20:45,900 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-21 15:20:45,900 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:45,900 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:45,900 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:45,901 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,902 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,907 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,908 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,913 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,914 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,918 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,919 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,922 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,923 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,925 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,926 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,929 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,929 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,932 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,933 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,936 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,936 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,939 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,940 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,945 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,947 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,952 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,953 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,956 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,957 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,959 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,960 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,962 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:45,963 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:45,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:45,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:45,966 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-21 15:20:45,966 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:45,966 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:45,966 - __main__ - INFO - Average Fitness Value of Generation: 832313254961245702133534162944.000000 -2015-04-21 15:20:45,966 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-21 15:20:45,966 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:45,966 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:45,966 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:45,967 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,968 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,971 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,971 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,974 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,975 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,978 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,978 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,983 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,984 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,989 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,990 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,995 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,996 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:45,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:45,999 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:45,999 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:45,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,002 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,002 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,005 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,006 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,008 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,009 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,012 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,012 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,015 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,016 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,019 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,021 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,026 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,027 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,032 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-21 15:20:46,032 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:46,032 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,032 - __main__ - INFO - Average Fitness Value of Generation: 776195685481436827572651425792.000000 -2015-04-21 15:20:46,033 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-21 15:20:46,033 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:46,033 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:46,033 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:46,034 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,034 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,037 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,038 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,041 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,041 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,045 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,046 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,049 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,049 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,053 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,053 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,056 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,057 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,062 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,064 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,068 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,069 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,073 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,074 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,077 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,077 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,081 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,081 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,084 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,085 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,087 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,088 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,091 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,091 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,094 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-21 15:20:46,094 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:46,094 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,094 - __main__ - INFO - Average Fitness Value of Generation: 844134279561913017384946368512.000000 -2015-04-21 15:20:46,095 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-21 15:20:46,095 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:46,095 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:46,095 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:46,096 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,097 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,103 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,104 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,109 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,110 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,113 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,113 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,116 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,117 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,119 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,120 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,124 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,124 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,127 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,128 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,131 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,131 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,135 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,136 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,141 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,143 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,147 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,147 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,151 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,151 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,154 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,154 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,157 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,158 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,161 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-21 15:20:46,161 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:46,161 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,161 - __main__ - INFO - Average Fitness Value of Generation: 801452663299165646467972988928.000000 -2015-04-21 15:20:46,161 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-21 15:20:46,161 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:46,161 - __main__ - INFO - Finished run 0. -2015-04-21 15:20:46,161 - __main__ - INFO - Starting run 1... -2015-04-21 15:20:46,161 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:46,163 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:46,163 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:46,165 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:46,165 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:46,165 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:46,165 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,166 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,169 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,169 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,172 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,172 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,177 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,178 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,183 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,183 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,188 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,189 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,192 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,193 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,196 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,197 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,200 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,201 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,204 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,204 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,207 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,208 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,210 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,211 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,216 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,217 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,222 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,223 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,227 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,228 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,231 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-21 15:20:46,231 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:46,232 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 -2015-04-21 15:20:46,232 - __main__ - INFO - Average Fitness Value of Generation: 92190283597065116431538978816.000000 -2015-04-21 15:20:46,232 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-21 15:20:46,232 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:46,232 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:46,232 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:46,233 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,234 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,236 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,237 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,240 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,240 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,243 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,243 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,246 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,247 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,251 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,251 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,257 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,258 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,263 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,263 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,267 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,268 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,271 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,271 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,274 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,275 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,278 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,278 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,281 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,282 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,285 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,285 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,288 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,290 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,296 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-21 15:20:46,296 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:46,296 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,296 - __main__ - INFO - Average Fitness Value of Generation: 390632953245823447382743842816.000000 -2015-04-21 15:20:46,296 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-21 15:20:46,296 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:46,297 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:46,297 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:46,298 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,298 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,303 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,304 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,307 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,307 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,310 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,311 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,314 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,314 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,317 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,318 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,320 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,321 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,324 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,324 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,328 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,328 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,334 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,335 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,339 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,341 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,345 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,345 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,348 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,349 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,352 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,352 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,355 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,356 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,359 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-21 15:20:46,359 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:46,359 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,359 - __main__ - INFO - Average Fitness Value of Generation: 642307926583690459683949117440.000000 -2015-04-21 15:20:46,359 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-21 15:20:46,359 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:46,359 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:46,359 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:46,360 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,360 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,363 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,364 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,368 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,368 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,374 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,375 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,379 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,380 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,383 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,384 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,386 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,387 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,390 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,390 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,393 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,394 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,397 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,397 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,400 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,401 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,404 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,405 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,410 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,411 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,415 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,416 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,420 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,421 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,423 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-21 15:20:46,423 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:46,424 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,424 - __main__ - INFO - Average Fitness Value of Generation: 741463154100697854227542704128.000000 -2015-04-21 15:20:46,424 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-21 15:20:46,424 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:46,424 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:46,424 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:46,425 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,425 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,428 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,429 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,432 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,432 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,435 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,435 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,438 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,438 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,442 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,443 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,448 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,449 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,454 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,454 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,458 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,458 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,462 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,462 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,465 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,466 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,469 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,470 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,473 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,473 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,476 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,477 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,480 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:46,480 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:46,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:46,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:46,485 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-21 15:20:46,485 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:46,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,486 - __main__ - INFO - Average Fitness Value of Generation: 923737816064908487612468035584.000000 -2015-04-21 15:20:46,486 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-21 15:20:46,486 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:46,486 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:46,486 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:46,487 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,488 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,493 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,494 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,497 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,498 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,501 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,502 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,504 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,505 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,508 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,508 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,511 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,512 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,514 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,515 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,517 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,518 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,521 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,522 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,525 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,526 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,531 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,531 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,535 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,535 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,539 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,539 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,542 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:46,543 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:46,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:46,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:46,546 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-21 15:20:46,546 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:46,546 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,546 - __main__ - INFO - Average Fitness Value of Generation: 813988254641689041194601938944.000000 -2015-04-21 15:20:46,546 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-21 15:20:46,546 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:46,546 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:46,546 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:46,547 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,548 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,551 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,552 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,555 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,555 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,558 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,558 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,562 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,563 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,567 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,568 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,571 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,572 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,575 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,575 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,578 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,579 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,582 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,582 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,585 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,586 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,589 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,589 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,592 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,594 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,598 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,600 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,604 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:46,605 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:46,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:46,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:46,608 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-21 15:20:46,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:46,609 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,609 - __main__ - INFO - Average Fitness Value of Generation: 725060484849456789813100281856.000000 -2015-04-21 15:20:46,609 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-21 15:20:46,609 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:46,609 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:46,609 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:46,610 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,610 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,613 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,614 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,617 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,617 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,620 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,621 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,624 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,624 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,627 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,628 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,631 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,632 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,636 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,636 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,641 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,642 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,652 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,653 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,659 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,660 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,665 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,666 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,669 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,670 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,673 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,674 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,678 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:46,679 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:46,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:46,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:46,684 - __main__ - INFO - Computing statistics for Run 1, Generation 7... -2015-04-21 15:20:46,684 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:46,684 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,684 - __main__ - INFO - Average Fitness Value of Generation: 884070494100992043934780751872.000000 -2015-04-21 15:20:46,684 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. -2015-04-21 15:20:46,684 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:46,685 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:46,685 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:46,685 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,686 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,689 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,690 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,693 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,694 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,697 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,698 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,703 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,703 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,706 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,707 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,711 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,712 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,717 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,718 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,722 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,723 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,726 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,726 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,729 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,729 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,733 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,733 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,736 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,737 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,739 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,740 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,743 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:46,744 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:46,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:46,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:46,747 - __main__ - INFO - Computing statistics for Run 1, Generation 8... -2015-04-21 15:20:46,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:46,748 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,748 - __main__ - INFO - Average Fitness Value of Generation: 805645463088902223115260526592.000000 -2015-04-21 15:20:46,748 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. -2015-04-21 15:20:46,748 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:46,748 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:46,748 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:46,749 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,750 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,756 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,756 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,761 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,762 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,766 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,766 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,769 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,769 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,772 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,772 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,775 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,776 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,779 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,779 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,782 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,783 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,785 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,786 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,791 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,791 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,796 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,796 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,800 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,801 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,804 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,804 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,807 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:46,808 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:46,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:46,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:46,810 - __main__ - INFO - Computing statistics for Run 1, Generation 9... -2015-04-21 15:20:46,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:46,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,811 - __main__ - INFO - Average Fitness Value of Generation: 850680357921562454405935005696.000000 -2015-04-21 15:20:46,811 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. -2015-04-21 15:20:46,811 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:46,811 - __main__ - INFO - Finished run 1. -2015-04-21 15:20:46,811 - __main__ - INFO - Starting run 2... -2015-04-21 15:20:46,811 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:46,813 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:46,813 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:46,815 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:46,815 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:46,815 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:46,815 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,816 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,819 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,819 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,822 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,822 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,826 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,826 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,831 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,832 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,836 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,837 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,840 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,840 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,843 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,843 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,846 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,846 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,849 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,849 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,852 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,852 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,855 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,855 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,858 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,859 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,862 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,862 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,866 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:46,867 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:46,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:46,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:46,871 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-21 15:20:46,871 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:46,871 - __main__ - INFO - Fitness Value of Best Individual: 372633569576379251141275287552.000000 -2015-04-21 15:20:46,871 - __main__ - INFO - Average Fitness Value of Generation: 38842305959206274582125215744.000000 -2015-04-21 15:20:46,871 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-21 15:20:46,872 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:46,872 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:46,872 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:46,873 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,873 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,876 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,877 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,879 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,880 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,882 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,883 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,886 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,886 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,889 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,890 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,893 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,893 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,896 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,897 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,901 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,901 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,906 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,906 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,911 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,911 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,914 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,914 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,917 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,918 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,920 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,921 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,924 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:46,924 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:46,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:46,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:46,927 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-21 15:20:46,927 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:20:46,927 - __main__ - INFO - Fitness Value of Best Individual: 941594350210212281447107002368.000000 -2015-04-21 15:20:46,927 - __main__ - INFO - Average Fitness Value of Generation: 141254020186092597233447862272.000000 -2015-04-21 15:20:46,927 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-21 15:20:46,928 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:46,928 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:46,928 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:46,928 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,929 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,932 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,932 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,937 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,938 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,943 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,944 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,948 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,949 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,952 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,952 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,955 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,956 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,959 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,959 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,962 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,963 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,966 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,966 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,969 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,970 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,973 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,974 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,979 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,980 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,984 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,985 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,989 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:46,989 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:46,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:46,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:46,992 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-21 15:20:46,992 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:46,992 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:46,992 - __main__ - INFO - Average Fitness Value of Generation: 342295382124150585291123458048.000000 -2015-04-21 15:20:46,993 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-21 15:20:46,993 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:46,993 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:46,993 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:46,993 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,994 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:46,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:46,997 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:46,998 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:46,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,000 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,001 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,004 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,004 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,007 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,008 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,010 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,011 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,016 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,017 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,021 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,022 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,026 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,027 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,030 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,030 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,033 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,034 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,037 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,038 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,040 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,041 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,043 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,044 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,047 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,048 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,052 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-21 15:20:47,052 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:47,052 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,052 - __main__ - INFO - Average Fitness Value of Generation: 457617680486514672483826663424.000000 -2015-04-21 15:20:47,052 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-21 15:20:47,052 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:47,052 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:47,052 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:47,054 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,055 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,060 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,061 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,065 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,066 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,068 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,069 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,071 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,072 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,074 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,075 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,077 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,078 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,080 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,081 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,083 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,084 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,087 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,087 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,092 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,092 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,098 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,098 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,103 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,103 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,106 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,107 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,109 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,110 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,113 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-21 15:20:47,114 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:47,114 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,114 - __main__ - INFO - Average Fitness Value of Generation: 661804561242251713388367314944.000000 -2015-04-21 15:20:47,114 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-21 15:20:47,114 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:47,114 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:47,114 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:47,115 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,115 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,119 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,119 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,122 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,122 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,125 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,126 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,129 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,129 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,134 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,135 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,139 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,139 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,142 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,143 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,145 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,146 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,149 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,150 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,153 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,153 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,156 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,157 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,159 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,160 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,164 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,165 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,170 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,171 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,175 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-21 15:20:47,176 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:47,176 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,176 - __main__ - INFO - Average Fitness Value of Generation: 742852916174655927402786455552.000000 -2015-04-21 15:20:47,176 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-21 15:20:47,176 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:47,176 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:47,176 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:47,177 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,178 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,181 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,181 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,184 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,185 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,188 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,188 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,191 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,192 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,195 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,195 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,198 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,198 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,203 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,204 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,209 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,209 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,214 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,215 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,218 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,218 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,221 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,221 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,224 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,225 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,228 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,228 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,231 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,231 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,234 - __main__ - INFO - Computing statistics for Run 2, Generation 6... -2015-04-21 15:20:47,234 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:47,234 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,234 - __main__ - INFO - Average Fitness Value of Generation: 808105386703496511526805700608.000000 -2015-04-21 15:20:47,234 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. -2015-04-21 15:20:47,234 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:47,235 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:47,235 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:47,235 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,236 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,239 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,239 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,242 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,243 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,247 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,248 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,252 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,252 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,255 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,256 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,259 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,259 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,262 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,262 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,265 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,265 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,268 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,269 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,272 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,272 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,276 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,276 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,280 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,281 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,285 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,286 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,290 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,291 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,293 - __main__ - INFO - Computing statistics for Run 2, Generation 7... -2015-04-21 15:20:47,293 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:47,293 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,293 - __main__ - INFO - Average Fitness Value of Generation: 757647541448961353351736328192.000000 -2015-04-21 15:20:47,294 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. -2015-04-21 15:20:47,294 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:47,294 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:47,294 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:47,294 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,295 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,298 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,298 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,301 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,302 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,304 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,305 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,308 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,308 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,311 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,311 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,314 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,315 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,319 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,320 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,324 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,325 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,328 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,328 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,331 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,331 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,334 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,335 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,338 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,338 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,341 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,341 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,345 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,345 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,348 - __main__ - INFO - Computing statistics for Run 2, Generation 8... -2015-04-21 15:20:47,348 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:47,348 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,348 - __main__ - INFO - Average Fitness Value of Generation: 685427513055099803287181852672.000000 -2015-04-21 15:20:47,348 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. -2015-04-21 15:20:47,348 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:47,348 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:47,348 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:47,349 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,349 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,354 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,355 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,359 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,360 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,363 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,363 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,366 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,366 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,369 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,370 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,373 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,373 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,376 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,377 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,379 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,380 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,383 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,383 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,386 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,387 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,391 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,392 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,396 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,397 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,400 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,400 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,403 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,403 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,406 - __main__ - INFO - Computing statistics for Run 2, Generation 9... -2015-04-21 15:20:47,406 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:47,406 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,406 - __main__ - INFO - Average Fitness Value of Generation: 929819366090265389889910472704.000000 -2015-04-21 15:20:47,406 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. -2015-04-21 15:20:47,406 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:47,407 - __main__ - INFO - Finished run 2. -2015-04-21 15:20:47,407 - __main__ - INFO - Starting run 3... -2015-04-21 15:20:47,407 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:47,408 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:47,408 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:47,410 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:47,410 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:47,410 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:47,411 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,411 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,414 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,415 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,418 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,419 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,422 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,422 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,427 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,428 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,432 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,433 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,436 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,436 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,439 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,439 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,442 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,443 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,446 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,446 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,449 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,449 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,452 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,452 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,455 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,456 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,459 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,460 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,464 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:47,465 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:47,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:47,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:47,469 - __main__ - INFO - Computing statistics for Run 3, Generation 0... -2015-04-21 15:20:47,470 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:47,470 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-21 15:20:47,470 - __main__ - INFO - Average Fitness Value of Generation: 271458639068447287674752991232.000000 -2015-04-21 15:20:47,470 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. -2015-04-21 15:20:47,470 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:47,470 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:47,470 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:47,471 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,471 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,474 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,474 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,477 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,478 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,481 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,482 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,485 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,486 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,488 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,489 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,492 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,492 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,496 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,497 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,502 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,503 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,506 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,507 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,509 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,510 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,513 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,513 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,516 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,517 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,519 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,520 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,522 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:47,523 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:47,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:47,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:47,525 - __main__ - INFO - Computing statistics for Run 3, Generation 1... -2015-04-21 15:20:47,526 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:47,526 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:20:47,526 - __main__ - INFO - Average Fitness Value of Generation: 506601132713768630484614512640.000000 -2015-04-21 15:20:47,526 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. -2015-04-21 15:20:47,526 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:47,526 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:47,526 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:47,527 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,527 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,530 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,530 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,534 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,535 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,539 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,539 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,543 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,543 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,546 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,546 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,549 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,550 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,553 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,553 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,556 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,556 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,559 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,560 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,563 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,563 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,566 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,567 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,571 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,572 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,576 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,577 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,580 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:47,581 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:47,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:47,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:47,584 - __main__ - INFO - Computing statistics for Run 3, Generation 2... -2015-04-21 15:20:47,584 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:47,584 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:47,584 - __main__ - INFO - Average Fitness Value of Generation: 691159945217095770001517838336.000000 -2015-04-21 15:20:47,584 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. -2015-04-21 15:20:47,584 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:47,584 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:47,584 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:47,585 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,585 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,588 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,589 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,592 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,592 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,595 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,595 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,598 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,599 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,602 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,603 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,607 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,608 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,613 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,613 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,617 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,618 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,620 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,621 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,624 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,625 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,628 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,629 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,635 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,636 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,639 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,640 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,645 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:47,646 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:47,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:47,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:47,653 - __main__ - INFO - Computing statistics for Run 3, Generation 3... -2015-04-21 15:20:47,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:47,654 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:47,654 - __main__ - INFO - Average Fitness Value of Generation: 877642180955497230053851267072.000000 -2015-04-21 15:20:47,654 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. -2015-04-21 15:20:47,654 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:47,654 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:47,654 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:47,655 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,656 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,661 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,661 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,666 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,666 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,669 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,669 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,672 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,672 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,675 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,676 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,679 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,680 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,683 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,684 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,688 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,688 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,692 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,693 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,696 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,697 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,700 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,701 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,704 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,704 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,707 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,708 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,710 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:47,710 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:47,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:47,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:47,714 - __main__ - INFO - Computing statistics for Run 3, Generation 4... -2015-04-21 15:20:47,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:47,714 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,714 - __main__ - INFO - Average Fitness Value of Generation: 825147487170682480668067233792.000000 -2015-04-21 15:20:47,714 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. -2015-04-21 15:20:47,714 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:47,714 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:47,714 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:47,715 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,715 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,719 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,719 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,725 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,725 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,730 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,730 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,734 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,735 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,738 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,739 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,741 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,742 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,745 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,745 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,748 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,748 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,751 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,751 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,754 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,755 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,759 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,760 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,765 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,766 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,770 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,771 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,774 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:47,774 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:47,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:47,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:47,777 - __main__ - INFO - Computing statistics for Run 3, Generation 5... -2015-04-21 15:20:47,778 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:47,778 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,778 - __main__ - INFO - Average Fitness Value of Generation: 875625373260949027972089643008.000000 -2015-04-21 15:20:47,778 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. -2015-04-21 15:20:47,778 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:47,778 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:47,778 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:47,779 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,779 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,782 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,782 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,785 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,786 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,788 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,789 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,792 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,793 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,796 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,797 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,803 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,804 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,809 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,809 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,813 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,813 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,816 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,817 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,819 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,820 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,823 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,823 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,826 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,826 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,829 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,829 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,832 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:47,832 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:47,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:47,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:47,836 - __main__ - INFO - Computing statistics for Run 3, Generation 6... -2015-04-21 15:20:47,836 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:47,836 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,836 - __main__ - INFO - Average Fitness Value of Generation: 945893291350718593203362070528.000000 -2015-04-21 15:20:47,836 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. -2015-04-21 15:20:47,836 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:47,836 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:47,837 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:47,838 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,839 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,844 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,845 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,849 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,849 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,852 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,853 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,856 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,856 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,859 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,860 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,863 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,863 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,866 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,866 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,870 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,870 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,873 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,874 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,879 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,880 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,885 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,886 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,890 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,890 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,893 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,894 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,897 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:47,897 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:47,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:47,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:47,900 - __main__ - INFO - Computing statistics for Run 3, Generation 7... -2015-04-21 15:20:47,900 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:47,900 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,900 - __main__ - INFO - Average Fitness Value of Generation: 798571411925243344250443137024.000000 -2015-04-21 15:20:47,900 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. -2015-04-21 15:20:47,901 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:47,901 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:47,901 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:47,901 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,902 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,905 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,905 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,908 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,909 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,911 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,912 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,916 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,917 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,922 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,923 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,927 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,927 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,930 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,931 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,934 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,937 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,938 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,941 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,941 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,944 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,944 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,948 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,951 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,952 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,957 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:47,958 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:47,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:47,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:47,963 - __main__ - INFO - Computing statistics for Run 3, Generation 8... -2015-04-21 15:20:47,963 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:47,963 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:47,963 - __main__ - INFO - Average Fitness Value of Generation: 919782029317769055164069576704.000000 -2015-04-21 15:20:47,963 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. -2015-04-21 15:20:47,964 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:47,964 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:47,964 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:47,965 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,965 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,969 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,969 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,972 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,972 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,975 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,976 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,979 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,979 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,982 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,983 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,986 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,986 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,989 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,990 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:47,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:47,995 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:47,996 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:47,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,000 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,001 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,005 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,006 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,008 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,009 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,012 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,012 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,015 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,016 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,019 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,019 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,022 - __main__ - INFO - Computing statistics for Run 3, Generation 9... -2015-04-21 15:20:48,022 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:48,022 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,022 - __main__ - INFO - Average Fitness Value of Generation: 764412733124445976454680805376.000000 -2015-04-21 15:20:48,022 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. -2015-04-21 15:20:48,022 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:48,023 - __main__ - INFO - Finished run 3. -2015-04-21 15:20:48,023 - __main__ - INFO - Starting run 4... -2015-04-21 15:20:48,023 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:48,024 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:48,024 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:48,026 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:48,026 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:48,026 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:48,027 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,028 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,032 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,033 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,040 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,041 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,046 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,047 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,050 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,050 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,053 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,054 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,057 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,058 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,061 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,061 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,064 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,064 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,067 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,068 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,071 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,072 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,078 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,079 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,083 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,084 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,088 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,088 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,091 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,092 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,094 - __main__ - INFO - Computing statistics for Run 4, Generation 0... -2015-04-21 15:20:48,095 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:48,095 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:48,095 - __main__ - INFO - Average Fitness Value of Generation: 96891459296579355328072646656.000000 -2015-04-21 15:20:48,095 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. -2015-04-21 15:20:48,095 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:48,095 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:48,095 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:48,096 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,096 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,099 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,100 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,103 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,103 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,106 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,106 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,110 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,110 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,115 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,115 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,119 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,120 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,124 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,124 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,127 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,127 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,130 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,130 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,133 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,133 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,136 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,136 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,139 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,140 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,143 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,143 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,146 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,146 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,151 - __main__ - INFO - Computing statistics for Run 4, Generation 1... -2015-04-21 15:20:48,151 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:48,151 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,151 - __main__ - INFO - Average Fitness Value of Generation: 635155745842567652919499292672.000000 -2015-04-21 15:20:48,151 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. -2015-04-21 15:20:48,151 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:48,151 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:48,152 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:48,152 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,153 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,157 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,158 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,161 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,161 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,164 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,165 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,168 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,168 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,171 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,171 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,174 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,175 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,178 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,178 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,182 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,182 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,187 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,188 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,193 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,193 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,197 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,197 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,200 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,201 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,204 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,204 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,207 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,208 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,210 - __main__ - INFO - Computing statistics for Run 4, Generation 2... -2015-04-21 15:20:48,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:48,211 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,211 - __main__ - INFO - Average Fitness Value of Generation: 737072582671477448729245515776.000000 -2015-04-21 15:20:48,211 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. -2015-04-21 15:20:48,211 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:48,211 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:48,211 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:48,212 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,212 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,215 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,216 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,219 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,219 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,223 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,224 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,229 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,230 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,234 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,235 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,238 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,239 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,242 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,242 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,245 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,245 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,248 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,249 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,252 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,252 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,256 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,256 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,259 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,260 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,265 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,266 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,270 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,271 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,276 - __main__ - INFO - Computing statistics for Run 4, Generation 3... -2015-04-21 15:20:48,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:48,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,276 - __main__ - INFO - Average Fitness Value of Generation: 781794342862562481449019113472.000000 -2015-04-21 15:20:48,276 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. -2015-04-21 15:20:48,276 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:48,276 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:48,276 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:48,277 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,277 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,280 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,281 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,284 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,284 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,287 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,287 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,290 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,291 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,293 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,294 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,297 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,297 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,301 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,302 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,307 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,308 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,312 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,312 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,315 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,316 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,319 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,320 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,322 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,323 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,326 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,326 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,329 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,330 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,333 - __main__ - INFO - Computing statistics for Run 4, Generation 4... -2015-04-21 15:20:48,333 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:48,333 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,333 - __main__ - INFO - Average Fitness Value of Generation: 737392195840250699181251887104.000000 -2015-04-21 15:20:48,333 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. -2015-04-21 15:20:48,333 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:48,334 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:48,334 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:48,334 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,335 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,338 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,338 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,343 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,344 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,348 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,349 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,352 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,352 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,355 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,355 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,358 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,359 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,362 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,362 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,365 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,365 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,368 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,369 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,371 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,372 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,376 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,377 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,382 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,383 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,387 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,387 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,390 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,391 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,394 - __main__ - INFO - Computing statistics for Run 4, Generation 5... -2015-04-21 15:20:48,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:20:48,394 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,394 - __main__ - INFO - Average Fitness Value of Generation: 847889543746541297336705875968.000000 -2015-04-21 15:20:48,394 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. -2015-04-21 15:20:48,394 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:48,395 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:48,395 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:48,395 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,396 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,398 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,399 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,424 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,425 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,428 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,428 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,431 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,432 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,435 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,436 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,439 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,439 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,442 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,443 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,446 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,447 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,450 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,451 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,455 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,456 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,460 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,461 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,464 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,464 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,467 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,468 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,471 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:48,471 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:48,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:48,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:48,475 - __main__ - INFO - Computing statistics for Run 4, Generation 6... -2015-04-21 15:20:48,475 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:48,475 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,475 - __main__ - INFO - Average Fitness Value of Generation: 704922401243959452755149455360.000000 -2015-04-21 15:20:48,475 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. -2015-04-21 15:20:48,475 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:48,475 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:48,475 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:48,476 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,476 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,479 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,480 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,483 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,484 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,488 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,488 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,493 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,493 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,497 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,498 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,500 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,501 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,504 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,504 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,507 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,507 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,510 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,510 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,513 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,514 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,517 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,517 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,521 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,522 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,528 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,528 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,533 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:48,533 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:48,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:48,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:48,536 - __main__ - INFO - Computing statistics for Run 4, Generation 7... -2015-04-21 15:20:48,537 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:48,537 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,537 - __main__ - INFO - Average Fitness Value of Generation: 898028478373842618587155529728.000000 -2015-04-21 15:20:48,537 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. -2015-04-21 15:20:48,537 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:48,537 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:48,537 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:48,538 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,539 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,542 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,542 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,546 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,546 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,549 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,550 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,553 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,554 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,557 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,557 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,560 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,561 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,565 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,566 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,570 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,571 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,574 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,574 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,577 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,577 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,580 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,581 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,584 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,585 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,588 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,588 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,591 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:48,592 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:48,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:48,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:48,595 - __main__ - INFO - Computing statistics for Run 4, Generation 8... -2015-04-21 15:20:48,595 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:48,595 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,595 - __main__ - INFO - Average Fitness Value of Generation: 841319288204051446193645944832.000000 -2015-04-21 15:20:48,596 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. -2015-04-21 15:20:48,596 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:48,596 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:48,596 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:48,597 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,598 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,601 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,602 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,606 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,606 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,610 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,610 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,613 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,614 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,617 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,617 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,621 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,621 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,624 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,624 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,627 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,628 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,631 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,632 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,637 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,637 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,642 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,643 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,649 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,650 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,655 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,656 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,660 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:48,661 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:48,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:48,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:48,666 - __main__ - INFO - Computing statistics for Run 4, Generation 9... -2015-04-21 15:20:48,666 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:48,666 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:48,666 - __main__ - INFO - Average Fitness Value of Generation: 978753945380045078069134753792.000000 -2015-04-21 15:20:48,667 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. -2015-04-21 15:20:48,667 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:48,667 - __main__ - INFO - Finished run 4. -2015-04-21 15:20:48,667 - __main__ - INFO - Starting run 5... -2015-04-21 15:20:48,667 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:48,668 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:48,668 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:48,670 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:48,670 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:48,670 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:48,671 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,671 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,674 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,675 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,680 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,681 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,685 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,686 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,689 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,689 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,692 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,693 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,697 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,698 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,701 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,701 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,704 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,704 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,707 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,708 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,712 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,713 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,717 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,718 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,721 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,721 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,724 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,725 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,728 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:48,728 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:48,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:48,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:48,731 - __main__ - INFO - Computing statistics for Run 5, Generation 0... -2015-04-21 15:20:48,731 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:48,731 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-21 15:20:48,731 - __main__ - INFO - Average Fitness Value of Generation: 83487615338955067302072025088.000000 -2015-04-21 15:20:48,731 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. -2015-04-21 15:20:48,732 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:48,732 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:48,732 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:48,732 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,733 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,736 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,736 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,739 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,740 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,742 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,743 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,746 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,747 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,751 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,752 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,756 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,757 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,760 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,760 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,763 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,764 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,767 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,767 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,770 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,770 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,773 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,773 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,776 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,777 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,780 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,780 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,784 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:48,785 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:48,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:48,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:48,789 - __main__ - INFO - Computing statistics for Run 5, Generation 1... -2015-04-21 15:20:48,789 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:48,789 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:48,789 - __main__ - INFO - Average Fitness Value of Generation: 591309781906857051835431124992.000000 -2015-04-21 15:20:48,789 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. -2015-04-21 15:20:48,790 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:48,790 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:48,790 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:48,791 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,791 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,794 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,795 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,798 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,798 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,801 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,802 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,804 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,805 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,808 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,808 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,811 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,811 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,814 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,815 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,818 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,819 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,824 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,825 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,829 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,829 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,833 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,833 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,836 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,837 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,840 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,840 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,843 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:48,843 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:48,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:48,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:48,846 - __main__ - INFO - Computing statistics for Run 5, Generation 2... -2015-04-21 15:20:48,846 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:20:48,846 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:48,846 - __main__ - INFO - Average Fitness Value of Generation: 570098802320010131961527926784.000000 -2015-04-21 15:20:48,847 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. -2015-04-21 15:20:48,847 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:48,847 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:48,847 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:48,847 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,848 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,851 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,851 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,856 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,857 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,861 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,862 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,866 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,866 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,869 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,870 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,873 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,873 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,876 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,876 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,879 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,880 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,883 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,883 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,886 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,887 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,890 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,890 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,894 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,895 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,899 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,900 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,904 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:48,904 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:48,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:48,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:48,907 - __main__ - INFO - Computing statistics for Run 5, Generation 3... -2015-04-21 15:20:48,907 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:48,907 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:48,907 - __main__ - INFO - Average Fitness Value of Generation: 727890337383857734131549995008.000000 -2015-04-21 15:20:48,907 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. -2015-04-21 15:20:48,908 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:48,908 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:48,908 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:48,908 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,909 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,912 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,912 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,915 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,915 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,918 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,919 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,922 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,922 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,925 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,925 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,928 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,929 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,933 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,934 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,939 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,939 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,942 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,942 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,945 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,946 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,949 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,949 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,952 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,953 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,955 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,956 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,959 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:48,960 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:48,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:48,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:48,963 - __main__ - INFO - Computing statistics for Run 5, Generation 4... -2015-04-21 15:20:48,963 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:48,963 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:48,963 - __main__ - INFO - Average Fitness Value of Generation: 725967044806063373945552240640.000000 -2015-04-21 15:20:48,963 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. -2015-04-21 15:20:48,964 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:48,964 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:48,964 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:48,965 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,966 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,972 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,973 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,977 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,978 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,981 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,981 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,984 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,985 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,987 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,988 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,990 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,991 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,994 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,994 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:48,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:48,997 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:48,998 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:48,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,000 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,001 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,004 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,004 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,009 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,010 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,014 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,014 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,017 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,017 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,020 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,021 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,024 - __main__ - INFO - Computing statistics for Run 5, Generation 5... -2015-04-21 15:20:49,024 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:49,024 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,024 - __main__ - INFO - Average Fitness Value of Generation: 881717974118253990714300956672.000000 -2015-04-21 15:20:49,024 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. -2015-04-21 15:20:49,024 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:49,024 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:49,024 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:49,025 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,025 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,028 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,029 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,031 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,032 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,035 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,036 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,038 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,039 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,044 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,044 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,049 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,049 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,052 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,053 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,056 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,057 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,059 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,060 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,063 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,063 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,066 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,067 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,069 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,070 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,073 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,073 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,078 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,079 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,083 - __main__ - INFO - Computing statistics for Run 5, Generation 6... -2015-04-21 15:20:49,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:49,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,083 - __main__ - INFO - Average Fitness Value of Generation: 788878680195828148961911242752.000000 -2015-04-21 15:20:49,084 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. -2015-04-21 15:20:49,084 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:49,084 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:49,084 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:49,085 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,085 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,089 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,090 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,093 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,093 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,096 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,096 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,099 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,100 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,103 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,103 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,106 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,107 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,109 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,110 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,113 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,114 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,118 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,119 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,123 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,123 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,127 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,127 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,130 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,130 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,133 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,133 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,136 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,136 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,139 - __main__ - INFO - Computing statistics for Run 5, Generation 7... -2015-04-21 15:20:49,139 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:49,140 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,140 - __main__ - INFO - Average Fitness Value of Generation: 793657339762598668366465990656.000000 -2015-04-21 15:20:49,140 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. -2015-04-21 15:20:49,140 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:49,140 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:49,140 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:49,140 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,141 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,144 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,144 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,147 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,147 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,150 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,151 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,155 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,155 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,160 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,160 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,164 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,164 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,167 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,167 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,170 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,171 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,174 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,175 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,178 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,178 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,181 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,182 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,185 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,185 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,189 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,190 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,193 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,194 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,198 - __main__ - INFO - Computing statistics for Run 5, Generation 8... -2015-04-21 15:20:49,198 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:49,198 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:49,198 - __main__ - INFO - Average Fitness Value of Generation: 791362638866161105857155170304.000000 -2015-04-21 15:20:49,198 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. -2015-04-21 15:20:49,199 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:49,199 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:49,199 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:49,199 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,200 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,203 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,203 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,206 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,206 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,209 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,210 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,213 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,213 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,216 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,217 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,220 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,220 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,225 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,226 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,231 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,231 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,236 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,236 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,239 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,240 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,243 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,243 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,247 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,247 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,250 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,251 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,254 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,255 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,258 - __main__ - INFO - Computing statistics for Run 5, Generation 9... -2015-04-21 15:20:49,258 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:49,258 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,258 - __main__ - INFO - Average Fitness Value of Generation: 721650511043650755815171686400.000000 -2015-04-21 15:20:49,258 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. -2015-04-21 15:20:49,258 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:49,258 - __main__ - INFO - Finished run 5. -2015-04-21 15:20:49,258 - __main__ - INFO - Starting run 6... -2015-04-21 15:20:49,258 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:49,260 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:49,260 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:49,261 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:49,261 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:49,262 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:49,262 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,263 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,267 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,267 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,272 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,272 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,275 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,276 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,279 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,279 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,282 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,282 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,285 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,285 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,288 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,289 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,292 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,292 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,295 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,295 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,298 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,298 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,303 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,303 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,308 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,309 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,312 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,312 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,315 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,316 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,319 - __main__ - INFO - Computing statistics for Run 6, Generation 0... -2015-04-21 15:20:49,319 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-21 15:20:49,319 - __main__ - INFO - Fitness Value of Best Individual: 420429669819516668233121792000.000000 -2015-04-21 15:20:49,319 - __main__ - INFO - Average Fitness Value of Generation: 39033008819346721265548263424.000000 -2015-04-21 15:20:49,319 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. -2015-04-21 15:20:49,319 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:49,319 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:49,319 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:49,320 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,320 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,324 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,324 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,327 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,328 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,330 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,331 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,334 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,334 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,339 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,340 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,344 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,348 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,351 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,352 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,354 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,355 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,358 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,358 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,361 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,362 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,365 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,365 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,368 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,368 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,371 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,372 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,377 - __main__ - INFO - Computing statistics for Run 6, Generation 1... -2015-04-21 15:20:49,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:49,377 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:20:49,377 - __main__ - INFO - Average Fitness Value of Generation: 330139101529510617773177307136.000000 -2015-04-21 15:20:49,377 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. -2015-04-21 15:20:49,377 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:49,377 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:49,377 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:49,378 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,379 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,383 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,383 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,386 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,387 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,390 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,390 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,393 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,394 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,397 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,397 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,400 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,401 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,404 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,404 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,407 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,407 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,412 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,412 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,417 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,418 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,421 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,421 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,424 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,425 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,427 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,428 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,431 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,432 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,435 - __main__ - INFO - Computing statistics for Run 6, Generation 2... -2015-04-21 15:20:49,435 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:20:49,435 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:20:49,435 - __main__ - INFO - Average Fitness Value of Generation: 619957095618963011968455147520.000000 -2015-04-21 15:20:49,435 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. -2015-04-21 15:20:49,435 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:49,435 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:49,435 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:49,436 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,436 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,439 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,439 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,443 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,443 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,448 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,448 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,453 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,453 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,456 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,457 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,459 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,460 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,464 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,464 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,467 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,467 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,470 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,470 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,473 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,473 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,476 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,476 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,479 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,480 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,483 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,484 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,488 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:49,489 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:49,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:49,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:49,491 - __main__ - INFO - Computing statistics for Run 6, Generation 3... -2015-04-21 15:20:49,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:49,492 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-21 15:20:49,492 - __main__ - INFO - Average Fitness Value of Generation: 653839047505223058063469051904.000000 -2015-04-21 15:20:49,492 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. -2015-04-21 15:20:49,492 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:49,492 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:49,492 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:49,493 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,493 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,496 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,496 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,499 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,499 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,502 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,502 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,505 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,506 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,509 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,510 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,513 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,513 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,516 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,517 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,521 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,522 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,526 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,527 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,530 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,530 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,533 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,534 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,536 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,537 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,539 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,540 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,543 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:49,544 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:49,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:49,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:49,546 - __main__ - INFO - Computing statistics for Run 6, Generation 4... -2015-04-21 15:20:49,546 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:49,547 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:49,547 - __main__ - INFO - Average Fitness Value of Generation: 619791505536444210411080777728.000000 -2015-04-21 15:20:49,547 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. -2015-04-21 15:20:49,547 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:49,547 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:49,547 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:49,548 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,548 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,551 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,552 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,556 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,556 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,561 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,561 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,564 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,565 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,567 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,568 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,571 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,571 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,574 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,574 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,577 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,578 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,580 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,581 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,583 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,584 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,587 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,588 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,592 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,593 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,598 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,599 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,602 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:49,603 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:49,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:49,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:49,605 - __main__ - INFO - Computing statistics for Run 6, Generation 5... -2015-04-21 15:20:49,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:49,605 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:49,605 - __main__ - INFO - Average Fitness Value of Generation: 823557807647649873348442193920.000000 -2015-04-21 15:20:49,606 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. -2015-04-21 15:20:49,606 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:49,606 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:49,606 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:49,606 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,607 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,610 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,611 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,614 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,614 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,617 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,617 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,620 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,621 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,624 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,625 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,630 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,631 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,636 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,636 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,640 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,640 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,646 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,647 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,653 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,654 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,660 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,661 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,667 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,667 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,672 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,672 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,675 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:49,675 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:49,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:49,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:49,679 - __main__ - INFO - Computing statistics for Run 6, Generation 6... -2015-04-21 15:20:49,680 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:49,680 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,680 - __main__ - INFO - Average Fitness Value of Generation: 688554201457754294665495969792.000000 -2015-04-21 15:20:49,680 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. -2015-04-21 15:20:49,680 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:49,680 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:49,680 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:49,681 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,681 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,684 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,684 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,687 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,688 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,691 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,691 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,694 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,694 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,699 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,699 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,703 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,703 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,707 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,708 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,710 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,711 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,715 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,715 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,718 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,721 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,722 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,724 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,725 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,727 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,728 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,731 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:49,731 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:49,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:49,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:49,734 - __main__ - INFO - Computing statistics for Run 6, Generation 7... -2015-04-21 15:20:49,735 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:20:49,735 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,735 - __main__ - INFO - Average Fitness Value of Generation: 720821320111096175803819360256.000000 -2015-04-21 15:20:49,735 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. -2015-04-21 15:20:49,735 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:49,735 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:49,735 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:49,736 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,737 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,743 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,744 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,747 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,748 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,751 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,751 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,754 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,755 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,757 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,758 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,760 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,761 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,764 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,764 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,767 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,767 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,770 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,771 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,775 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,776 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,780 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,781 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,784 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,784 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,787 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,787 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,790 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:49,790 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:49,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:49,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:49,793 - __main__ - INFO - Computing statistics for Run 6, Generation 8... -2015-04-21 15:20:49,793 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 -2015-04-21 15:20:49,793 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,793 - __main__ - INFO - Average Fitness Value of Generation: 894559363343977419809222557696.000000 -2015-04-21 15:20:49,794 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. -2015-04-21 15:20:49,794 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:49,794 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:49,794 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:49,794 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,795 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,798 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,798 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,801 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,801 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,804 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,805 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,811 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,811 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,816 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,817 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,820 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,820 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,823 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,823 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,826 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,826 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,829 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,830 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,833 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,833 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,836 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,836 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,839 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,839 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,843 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,844 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,848 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:49,849 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:49,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:49,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:49,853 - __main__ - INFO - Computing statistics for Run 6, Generation 9... -2015-04-21 15:20:49,853 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:49,853 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,853 - __main__ - INFO - Average Fitness Value of Generation: 944254224782614360603012104192.000000 -2015-04-21 15:20:49,853 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. -2015-04-21 15:20:49,853 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:49,853 - __main__ - INFO - Finished run 6. -2015-04-21 15:20:49,854 - __main__ - INFO - Starting run 7... -2015-04-21 15:20:49,854 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:49,855 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:49,855 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:49,857 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:49,857 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:49,857 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:49,858 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,859 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,862 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,862 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,865 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,866 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,868 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,869 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,872 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,873 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,876 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,877 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,883 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,884 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,888 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,890 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,893 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,893 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,896 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,897 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,900 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,900 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,903 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,904 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,907 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,907 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,910 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,911 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,914 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:49,914 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:49,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:49,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:49,917 - __main__ - INFO - Computing statistics for Run 7, Generation 0... -2015-04-21 15:20:49,918 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:49,918 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 -2015-04-21 15:20:49,918 - __main__ - INFO - Average Fitness Value of Generation: 116342046469799633309428350976.000000 -2015-04-21 15:20:49,918 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. -2015-04-21 15:20:49,918 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:49,918 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:49,918 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:49,919 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,920 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,924 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,925 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,929 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,929 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,932 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,933 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,936 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,936 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,939 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,939 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,942 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,943 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,946 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,946 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,949 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,950 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,953 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,954 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,959 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,959 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,964 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,964 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,967 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,968 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,970 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,971 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,974 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:49,974 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:49,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:49,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:49,977 - __main__ - INFO - Computing statistics for Run 7, Generation 1... -2015-04-21 15:20:49,977 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:49,977 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:49,977 - __main__ - INFO - Average Fitness Value of Generation: 491543699018506315474822758400.000000 -2015-04-21 15:20:49,978 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. -2015-04-21 15:20:49,978 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:49,978 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:49,978 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:49,979 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,979 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,982 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,983 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,986 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,986 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,989 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,990 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,994 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,994 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:49,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:49,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:49,999 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:49,999 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,002 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,003 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,006 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,007 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,010 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,010 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,013 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,013 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,016 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,017 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,019 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,020 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,023 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,024 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,027 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,028 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,032 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,032 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,036 - __main__ - INFO - Computing statistics for Run 7, Generation 2... -2015-04-21 15:20:50,037 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-21 15:20:50,037 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,037 - __main__ - INFO - Average Fitness Value of Generation: 563320290028718811464865939456.000000 -2015-04-21 15:20:50,037 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. -2015-04-21 15:20:50,037 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:50,037 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:50,037 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:50,038 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,038 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,041 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,041 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,044 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,045 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,048 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,048 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,051 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,051 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,054 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,055 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,057 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,058 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,060 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,061 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,065 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,066 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,070 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,071 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,074 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,075 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,077 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,078 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,080 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,081 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,084 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,085 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,088 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,088 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,092 - __main__ - INFO - Computing statistics for Run 7, Generation 3... -2015-04-21 15:20:50,092 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-21 15:20:50,092 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:50,092 - __main__ - INFO - Average Fitness Value of Generation: 639947287407905518720882049024.000000 -2015-04-21 15:20:50,092 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. -2015-04-21 15:20:50,092 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:50,092 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:50,092 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:50,093 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,093 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,097 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,098 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,103 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,104 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,108 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,109 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,113 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,113 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,116 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,117 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,119 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,120 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,123 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,123 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,126 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,126 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,129 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,130 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,133 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,133 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,136 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,137 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,142 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,143 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,147 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,148 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,152 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,152 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,156 - __main__ - INFO - Computing statistics for Run 7, Generation 4... -2015-04-21 15:20:50,156 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:50,156 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,156 - __main__ - INFO - Average Fitness Value of Generation: 542244980779623535693069811712.000000 -2015-04-21 15:20:50,156 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. -2015-04-21 15:20:50,156 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:50,156 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:50,157 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:50,157 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,158 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,161 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,161 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,164 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,165 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,168 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,168 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,171 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,172 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,175 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,176 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,181 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,182 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,186 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,187 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,191 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,191 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,194 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,194 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,197 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,198 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,201 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,201 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,204 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,205 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,208 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,208 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,211 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,212 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,216 - __main__ - INFO - Computing statistics for Run 7, Generation 5... -2015-04-21 15:20:50,216 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:50,216 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,216 - __main__ - INFO - Average Fitness Value of Generation: 635818123051739212403802374144.000000 -2015-04-21 15:20:50,217 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. -2015-04-21 15:20:50,217 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:50,217 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:50,217 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:50,218 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,219 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,224 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,225 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,229 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,229 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,233 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,233 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,236 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,236 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,240 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,240 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,243 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,243 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,246 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,247 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,250 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,250 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,254 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,256 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,261 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,262 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,266 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,266 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,269 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,270 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,273 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,273 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,276 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,276 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,279 - __main__ - INFO - Computing statistics for Run 7, Generation 6... -2015-04-21 15:20:50,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-21 15:20:50,280 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:50,280 - __main__ - INFO - Average Fitness Value of Generation: 602763297099272087890043076608.000000 -2015-04-21 15:20:50,280 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. -2015-04-21 15:20:50,280 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:50,280 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:50,280 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:50,281 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,281 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,284 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,285 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,288 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,288 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,292 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,293 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,298 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,299 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,303 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,304 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,307 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,308 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,311 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,312 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,315 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,315 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,318 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,319 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,321 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,322 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,325 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,325 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,328 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,329 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,334 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,335 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,339 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,340 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,344 - __main__ - INFO - Computing statistics for Run 7, Generation 7... -2015-04-21 15:20:50,344 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:50,345 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-21 15:20:50,345 - __main__ - INFO - Average Fitness Value of Generation: 746588128570991053344616742912.000000 -2015-04-21 15:20:50,345 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. -2015-04-21 15:20:50,345 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:50,345 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:50,345 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:50,346 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,346 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,349 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,349 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,352 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,353 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,356 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,356 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,359 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,359 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,362 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,363 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,366 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,366 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,370 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,371 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,377 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,377 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,382 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,382 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,386 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,386 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,389 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,389 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,392 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,393 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,395 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,396 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,399 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,399 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,402 - __main__ - INFO - Computing statistics for Run 7, Generation 8... -2015-04-21 15:20:50,402 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:50,402 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,402 - __main__ - INFO - Average Fitness Value of Generation: 711126247932000046090192683008.000000 -2015-04-21 15:20:50,402 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. -2015-04-21 15:20:50,402 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:50,403 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:50,403 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:50,403 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,404 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,406 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,407 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,410 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,410 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,414 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,415 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,419 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,419 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,422 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,423 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,426 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,426 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,429 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,430 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,433 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,433 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,436 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,437 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,439 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,440 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,444 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,445 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,451 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,451 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,455 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,456 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,460 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:50,460 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:50,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:50,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:50,463 - __main__ - INFO - Computing statistics for Run 7, Generation 9... -2015-04-21 15:20:50,463 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:50,464 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,464 - __main__ - INFO - Average Fitness Value of Generation: 965192022941131561863227637760.000000 -2015-04-21 15:20:50,464 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. -2015-04-21 15:20:50,464 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:50,464 - __main__ - INFO - Finished run 7. -2015-04-21 15:20:50,464 - __main__ - INFO - Starting run 8... -2015-04-21 15:20:50,464 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:50,465 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:50,465 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:50,467 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:50,467 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:50,467 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:50,468 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,469 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,472 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,472 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,475 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,475 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,478 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,478 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,480 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,481 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,486 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,487 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,491 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,492 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,496 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,497 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,500 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,500 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,503 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,503 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,506 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,508 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,511 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,511 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,514 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,514 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,518 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,518 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,521 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:50,521 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:50,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:50,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:50,525 - __main__ - INFO - Computing statistics for Run 8, Generation 0... -2015-04-21 15:20:50,525 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-21 15:20:50,525 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:20:50,525 - __main__ - INFO - Average Fitness Value of Generation: 93612979247626315641563119616.000000 -2015-04-21 15:20:50,526 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. -2015-04-21 15:20:50,526 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:50,526 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:50,526 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:50,527 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,528 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,532 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,532 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,536 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,536 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,539 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,539 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,542 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,542 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,545 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,546 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,548 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,549 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,552 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,552 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,555 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,555 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,558 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,559 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,564 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,565 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,569 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,570 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,574 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,575 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,578 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,578 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,581 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:50,582 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:50,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:50,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:50,585 - __main__ - INFO - Computing statistics for Run 8, Generation 1... -2015-04-21 15:20:50,585 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:20:50,585 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 -2015-04-21 15:20:50,585 - __main__ - INFO - Average Fitness Value of Generation: 311976483650175547555323052032.000000 -2015-04-21 15:20:50,585 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. -2015-04-21 15:20:50,585 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:50,585 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:50,585 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:50,586 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,587 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,590 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,590 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,593 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,593 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,597 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,597 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,602 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,603 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,608 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,609 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,613 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,613 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,616 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,616 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,619 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,619 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,622 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,623 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,626 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,627 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,630 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,630 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,633 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,634 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,640 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,641 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,648 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:50,649 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:50,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:50,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:50,655 - __main__ - INFO - Computing statistics for Run 8, Generation 2... -2015-04-21 15:20:50,656 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-21 15:20:50,656 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 -2015-04-21 15:20:50,656 - __main__ - INFO - Average Fitness Value of Generation: 440282945146580453824776896512.000000 -2015-04-21 15:20:50,656 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. -2015-04-21 15:20:50,656 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:50,656 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:50,656 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:50,657 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,658 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,662 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,662 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,665 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,666 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,669 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,670 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,673 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,673 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,676 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,676 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,682 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,683 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,688 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,689 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,692 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,693 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,697 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,697 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,700 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,701 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,703 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,704 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,707 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,707 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,710 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,710 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,713 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:50,714 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:50,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:50,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:50,716 - __main__ - INFO - Computing statistics for Run 8, Generation 3... -2015-04-21 15:20:50,717 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:50,717 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,717 - __main__ - INFO - Average Fitness Value of Generation: 759793567779310090204865363968.000000 -2015-04-21 15:20:50,717 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. -2015-04-21 15:20:50,717 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:50,717 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:50,717 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:50,718 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,718 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,722 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,722 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,726 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,727 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,731 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,732 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,735 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,735 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,738 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,738 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,741 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,742 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,745 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,745 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,748 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,749 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,751 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,752 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,755 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,755 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,758 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,760 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,763 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,764 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,768 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,769 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,772 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:50,772 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:50,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:50,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:50,775 - __main__ - INFO - Computing statistics for Run 8, Generation 4... -2015-04-21 15:20:50,775 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:50,775 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,775 - __main__ - INFO - Average Fitness Value of Generation: 863694643252835934108347531264.000000 -2015-04-21 15:20:50,775 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. -2015-04-21 15:20:50,775 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:50,775 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:50,776 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:50,776 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,777 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,779 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,780 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,783 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,784 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,787 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,787 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,790 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,791 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,796 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,797 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,802 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,803 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,807 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,807 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,810 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,811 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,813 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,814 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,817 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,817 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,820 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,820 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,823 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,824 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,826 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,827 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,830 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:50,831 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:50,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:50,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:50,836 - __main__ - INFO - Computing statistics for Run 8, Generation 5... -2015-04-21 15:20:50,836 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:50,837 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,837 - __main__ - INFO - Average Fitness Value of Generation: 672497684722610083184431333376.000000 -2015-04-21 15:20:50,837 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. -2015-04-21 15:20:50,837 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:50,837 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:50,837 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:50,838 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,839 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,843 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,844 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,847 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,848 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,850 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,851 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,853 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,855 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,857 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,858 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,861 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,861 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,864 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,864 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,867 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,868 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,873 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,873 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,878 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,879 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,883 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,884 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,887 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,887 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,890 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,890 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,893 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:50,894 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:50,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:50,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:50,896 - __main__ - INFO - Computing statistics for Run 8, Generation 6... -2015-04-21 15:20:50,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:20:50,897 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,897 - __main__ - INFO - Average Fitness Value of Generation: 657073102318627060196027924480.000000 -2015-04-21 15:20:50,897 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. -2015-04-21 15:20:50,897 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:50,897 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:50,897 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:50,898 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,898 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,901 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,901 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,904 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,904 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,908 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,908 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,914 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,915 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,918 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,919 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,922 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,923 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,926 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,927 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,929 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,930 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,933 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,935 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,938 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,938 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,941 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,942 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,945 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,946 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,951 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,952 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,956 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:50,957 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:50,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:50,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:50,961 - __main__ - INFO - Computing statistics for Run 8, Generation 7... -2015-04-21 15:20:50,961 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:50,961 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:50,961 - __main__ - INFO - Average Fitness Value of Generation: 670347439960933927904367083520.000000 -2015-04-21 15:20:50,961 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. -2015-04-21 15:20:50,962 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:50,962 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:50,962 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:50,962 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,963 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,966 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,966 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,969 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,969 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,972 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,972 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,975 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,976 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,979 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,979 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,982 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,982 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,987 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,988 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,993 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,994 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:50,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:50,998 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:50,999 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:50,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,002 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,003 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,005 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,006 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,009 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,010 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,013 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,013 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,016 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,017 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,020 - __main__ - INFO - Computing statistics for Run 8, Generation 8... -2015-04-21 15:20:51,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 -2015-04-21 15:20:51,020 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,020 - __main__ - INFO - Average Fitness Value of Generation: 864555879833265081575651934208.000000 -2015-04-21 15:20:51,020 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. -2015-04-21 15:20:51,020 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:51,020 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:51,020 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:51,021 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,021 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,026 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,027 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,032 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,032 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,037 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,037 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,040 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,041 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,043 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,044 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,047 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,047 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,050 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,051 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,054 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,054 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,057 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,057 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,061 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,062 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,067 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,067 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,072 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,073 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,077 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,078 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,081 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,081 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,084 - __main__ - INFO - Computing statistics for Run 8, Generation 9... -2015-04-21 15:20:51,085 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-21 15:20:51,085 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,085 - __main__ - INFO - Average Fitness Value of Generation: 1001131198075089445903268839424.000000 -2015-04-21 15:20:51,085 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. -2015-04-21 15:20:51,085 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:51,085 - __main__ - INFO - Finished run 8. -2015-04-21 15:20:51,085 - __main__ - INFO - Starting run 9... -2015-04-21 15:20:51,085 - __main__ - INFO - Initializing population and genetic environment... -2015-04-21 15:20:51,086 - __main__ - INFO - Initialization Complete. -2015-04-21 15:20:51,086 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-21 15:20:51,088 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-21 15:20:51,088 - __main__ - INFO - Generation 0 running... -2015-04-21 15:20:51,088 - __main__ - INFO - Running fitness function on generation 0... -2015-04-21 15:20:51,089 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,089 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,092 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,092 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,095 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,096 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,099 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,099 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,103 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,104 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,108 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,109 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,113 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,113 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,116 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,117 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,120 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,120 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,123 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,125 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,128 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,128 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,131 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,131 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,134 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,135 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,140 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,141 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,146 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-21 15:20:51,147 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-21 15:20:51,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-21 15:20:51,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-21 15:20:51,151 - __main__ - INFO - Computing statistics for Run 9, Generation 0... -2015-04-21 15:20:51,151 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-21 15:20:51,151 - __main__ - INFO - Fitness Value of Best Individual: 550185357410791002695266205696.000000 -2015-04-21 15:20:51,151 - __main__ - INFO - Average Fitness Value of Generation: 64405351398894684963044589568.000000 -2015-04-21 15:20:51,151 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. -2015-04-21 15:20:51,151 - __main__ - INFO - Generation 0 finished. -2015-04-21 15:20:51,152 - __main__ - INFO - Generation 1 running... -2015-04-21 15:20:51,152 - __main__ - INFO - Running fitness function on generation 1... -2015-04-21 15:20:51,152 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,153 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,155 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,156 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,159 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,159 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,162 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,162 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,165 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,165 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,168 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,169 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,172 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,172 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,176 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,177 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,183 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,183 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,188 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,188 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,191 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,192 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,195 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,195 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,198 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,198 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,201 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,201 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,204 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-21 15:20:51,205 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-21 15:20:51,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-21 15:20:51,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-21 15:20:51,208 - __main__ - INFO - Computing statistics for Run 9, Generation 1... -2015-04-21 15:20:51,208 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-21 15:20:51,208 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 -2015-04-21 15:20:51,208 - __main__ - INFO - Average Fitness Value of Generation: 223945079402270862035357007872.000000 -2015-04-21 15:20:51,208 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. -2015-04-21 15:20:51,208 - __main__ - INFO - Generation 1 finished. -2015-04-21 15:20:51,208 - __main__ - INFO - Generation 2 running... -2015-04-21 15:20:51,208 - __main__ - INFO - Running fitness function on generation 2... -2015-04-21 15:20:51,209 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,210 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,213 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,213 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,218 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,219 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,224 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,224 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,228 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,229 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,232 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,232 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,235 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,235 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,238 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,239 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,241 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,242 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,245 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,245 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,248 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,248 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,251 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,252 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,257 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,258 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,262 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,263 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,267 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-21 15:20:51,268 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-21 15:20:51,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-21 15:20:51,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-21 15:20:51,271 - __main__ - INFO - Computing statistics for Run 9, Generation 2... -2015-04-21 15:20:51,271 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:51,271 - __main__ - INFO - Fitness Value of Best Individual: 1172025550356773630692472913920.000000 -2015-04-21 15:20:51,271 - __main__ - INFO - Average Fitness Value of Generation: 395971624858867418220923453440.000000 -2015-04-21 15:20:51,271 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. -2015-04-21 15:20:51,271 - __main__ - INFO - Generation 2 finished. -2015-04-21 15:20:51,271 - __main__ - INFO - Generation 3 running... -2015-04-21 15:20:51,271 - __main__ - INFO - Running fitness function on generation 3... -2015-04-21 15:20:51,272 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,272 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,275 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,276 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,278 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,279 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,282 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,282 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,285 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,286 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,289 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,290 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,295 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,295 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,301 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,301 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,305 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,306 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,308 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,309 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,312 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,312 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,315 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,316 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,318 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,319 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,321 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,322 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,325 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-21 15:20:51,325 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-21 15:20:51,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-21 15:20:51,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-21 15:20:51,327 - __main__ - INFO - Computing statistics for Run 9, Generation 3... -2015-04-21 15:20:51,328 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:51,328 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:51,328 - __main__ - INFO - Average Fitness Value of Generation: 430551284609336324494813298688.000000 -2015-04-21 15:20:51,328 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. -2015-04-21 15:20:51,328 - __main__ - INFO - Generation 3 finished. -2015-04-21 15:20:51,328 - __main__ - INFO - Generation 4 running... -2015-04-21 15:20:51,328 - __main__ - INFO - Running fitness function on generation 4... -2015-04-21 15:20:51,329 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,330 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,335 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,336 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,340 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,341 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,345 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,346 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,349 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,349 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,352 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,353 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,356 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,356 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,360 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,360 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,363 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,364 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,367 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,368 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,373 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,373 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,377 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,378 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,382 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,382 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,385 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,386 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,389 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-21 15:20:51,389 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-21 15:20:51,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-21 15:20:51,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-21 15:20:51,392 - __main__ - INFO - Computing statistics for Run 9, Generation 4... -2015-04-21 15:20:51,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:51,392 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:51,392 - __main__ - INFO - Average Fitness Value of Generation: 661588402159509142751810682880.000000 -2015-04-21 15:20:51,392 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. -2015-04-21 15:20:51,392 - __main__ - INFO - Generation 4 finished. -2015-04-21 15:20:51,393 - __main__ - INFO - Generation 5 running... -2015-04-21 15:20:51,393 - __main__ - INFO - Running fitness function on generation 5... -2015-04-21 15:20:51,393 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,394 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,396 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,397 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,399 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,400 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,402 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,403 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,406 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,407 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,412 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,413 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,417 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,418 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,422 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,423 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,426 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,426 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,429 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,430 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,433 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,433 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,436 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,437 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,439 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,440 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,443 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,443 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,447 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-21 15:20:51,449 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-21 15:20:51,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-21 15:20:51,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-21 15:20:51,454 - __main__ - INFO - Computing statistics for Run 9, Generation 5... -2015-04-21 15:20:51,454 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-21 15:20:51,454 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-21 15:20:51,454 - __main__ - INFO - Average Fitness Value of Generation: 705820919971942416014708310016.000000 -2015-04-21 15:20:51,454 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. -2015-04-21 15:20:51,454 - __main__ - INFO - Generation 5 finished. -2015-04-21 15:20:51,454 - __main__ - INFO - Generation 6 running... -2015-04-21 15:20:51,454 - __main__ - INFO - Running fitness function on generation 6... -2015-04-21 15:20:51,455 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,456 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,460 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,461 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,463 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,463 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,466 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,467 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,469 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,470 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,473 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,473 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,476 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,476 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,479 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,480 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,484 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,485 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,490 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,491 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,495 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,496 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,500 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,500 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,503 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,503 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,506 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,506 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,509 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-21 15:20:51,510 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-21 15:20:51,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-21 15:20:51,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-21 15:20:51,513 - __main__ - INFO - Computing statistics for Run 9, Generation 6... -2015-04-21 15:20:51,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:51,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,513 - __main__ - INFO - Average Fitness Value of Generation: 793406709457593585373701734400.000000 -2015-04-21 15:20:51,513 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. -2015-04-21 15:20:51,513 - __main__ - INFO - Generation 6 finished. -2015-04-21 15:20:51,513 - __main__ - INFO - Generation 7 running... -2015-04-21 15:20:51,513 - __main__ - INFO - Running fitness function on generation 7... -2015-04-21 15:20:51,514 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,514 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,517 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,518 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,521 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,521 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,524 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,524 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,528 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,529 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,532 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,533 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,537 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,538 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,540 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,541 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,544 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,544 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,547 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,547 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,550 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,550 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,553 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,554 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,557 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,557 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,560 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,561 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,567 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-21 15:20:51,568 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-21 15:20:51,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-21 15:20:51,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-21 15:20:51,572 - __main__ - INFO - Computing statistics for Run 9, Generation 7... -2015-04-21 15:20:51,572 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 -2015-04-21 15:20:51,572 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,573 - __main__ - INFO - Average Fitness Value of Generation: 556112618097099670745513984000.000000 -2015-04-21 15:20:51,573 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. -2015-04-21 15:20:51,573 - __main__ - INFO - Generation 7 finished. -2015-04-21 15:20:51,573 - __main__ - INFO - Generation 8 running... -2015-04-21 15:20:51,573 - __main__ - INFO - Running fitness function on generation 8... -2015-04-21 15:20:51,574 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,575 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,578 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,578 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,581 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,582 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,585 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,585 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,588 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,588 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,591 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,592 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,594 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,595 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,598 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,598 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,603 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,604 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,608 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,609 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,613 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,613 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,616 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,616 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,619 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,620 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,623 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,623 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,627 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-21 15:20:51,627 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-21 15:20:51,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-21 15:20:51,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-21 15:20:51,630 - __main__ - INFO - Computing statistics for Run 9, Generation 8... -2015-04-21 15:20:51,631 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-21 15:20:51,631 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,631 - __main__ - INFO - Average Fitness Value of Generation: 775887545373342720261057675264.000000 -2015-04-21 15:20:51,631 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. -2015-04-21 15:20:51,631 - __main__ - INFO - Generation 8 finished. -2015-04-21 15:20:51,631 - __main__ - INFO - Generation 9 running... -2015-04-21 15:20:51,631 - __main__ - INFO - Running fitness function on generation 9... -2015-04-21 15:20:51,632 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,632 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,639 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,640 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,649 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,651 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,657 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,657 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,662 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,663 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,665 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,666 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,669 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,669 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,672 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,672 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,675 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,676 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,680 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,681 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,685 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,686 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,691 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,691 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,696 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,697 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,700 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,700 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,703 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-21 15:20:51,704 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-21 15:20:51,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-21 15:20:51,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-21 15:20:51,707 - __main__ - INFO - Computing statistics for Run 9, Generation 9... -2015-04-21 15:20:51,707 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 -2015-04-21 15:20:51,707 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-21 15:20:51,707 - __main__ - INFO - Average Fitness Value of Generation: 898971073026471687589367644160.000000 -2015-04-21 15:20:51,707 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. -2015-04-21 15:20:51,707 - __main__ - INFO - Generation 9 finished. -2015-04-21 15:20:51,707 - __main__ - INFO - Finished run 9. -2015-04-21 15:20:51,707 - __main__ - INFO - Finished Base Genetic Algorithm. diff --git a/genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf b/genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf deleted file mode 100644 index 236aa528e5b2307c81972309bf4686b76a1f79b9..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 14428 zcmb`u2Rv2(8#qo9E+I1|U1ZDM_u6~LwO1kY8rj!1$_UvZ$qo%8qhY0z7TJ50l=Klr z_A0de&bjLIiTuBRuixu;z24sM^PKm2-p@ME^PKm2j)1~Q1Ov@cWtNg21`PFMdt)MWq0Fs6g z$(BTbqBjs2Iomq8csN0^8|c+NJxEX#dHf$a2si-v&432c)7J|MvZ7)Hg{cz!T z3<^_s0~l8&*n2tvD$pT#IFX#82v9j>+53=)1Y37VK=$1%ZJ#3;hNih6B0&*Ui61l+ z5)VQQ8z|!lC6fBwHaOc$tw+?71*{K0INVp!Kl8<-kV&iK)##HC)@{ktT>Ad(MQ2kC z{8v{>6s=75SRXPedgSNc7ruA(r~K);TRq(w2dszfoff|s`5IZ(s&qI_KPZuPo~v~Y zC+2+Nh0xr&CWv2gG0MxS$4bMoCg+x)#EI=GtMP7)RKIuYOpWQ2QX1cdPIda5U+L0G z(P!_7O3?QQo?;=H-m9kceA7+w`sLl%mmilhzE*rU?H>J6k@hvFyp(u<==FtjvR{r@ zJzWdQh%|k;dfLMO^|S6M7*&M#foY%Wm(_==WFMpRj4i8ObE<94d9E}C=G{8<_0|1W z{v#6{-&kschCE-~nZ)b(k}gD)%p_T%uDVV|h#t7}uq@_t#BDxFN|S>s23_WZ_1a}| zr)gjI@$*TJSF<)AYsbSEHNL9Hcgr|Iyvt(hrjmSBhGNP_#Y^_4?=HgJ@8iEd{c&6| zL+P!v1#3Frw8Oi0{rmES=G-1G%Y8JT*A0`4_r}WTIu{)zRtg_`oLy%n;muk#)FFK0 zW%@Lc=g@?NQ?RGnn{!r*Z6CF|iQGp*WqFdLBD_5IaKu2RJDte%R zPn7k%>ORkpg#TjKeT=I{UUj0-$er&Qw1-5;D5=26vb*r^5j;V0Q53}@ z(oy&(V%M|D?gs%Vm8Y+k&g~QVn&CKugr833icfLua}O`y^V#)r*bt-5$N94-SlmT- zUozpfi9lcWIH;3wy7{F$r18pO29YC$0s?q~4S;e#h?4OEN5gmXwRVR(Mh8tP%&k}~ zdvZ$&Gg3JVZYA0Gs-Ka5k}|TMRgKdaSzdH}HfG`oH_XD{qZ8cS{g0Z}0N%kof6v=p zJYPwDXD27Wj(q)eC;d%R^!Opmn>QWSdwV7GkA}ZTr;ZpAuJ_1l%Nk%FN)6mh&b`Ho zo_=MO7~|Smbl)LdC(G`oPD?)p&xM4EKzCVrX_>?c?a4!l`!g@&E8yOz^>qx3I)x*h z>xj>|D^KaBIldh*3aA~p?f%ePr^_eWP^Jwl z?zMu;qdyu$eWImPhgb?Yqng6++=O^RUU1!D#(PO**qe5=czziPofv&|-Fq}6cbvy$ z=jxVwq^rFLf6Q5G_D4`N3?jZc|>Ic(v8d5urd1+o&okSc!SUsEdH8(oAzx0qR zr&!}Eb%+1L*Mm{7S%PlJ?7u0^{mpvid5^+b`Jcf*@_9V_S1#!34IDn%|6!&LWw!iU z1J6+BKK}z2R9oINJLp|^*-+qvc2INI%TI1WWXYkDb&t1K6{ArK73JE27qzKIsK_=kI+ z!f90l3vG6X2s&O7POUt95PEFLORpyIzBCKcXxKI?dUq~^c$Cq?p3FQO%zbskgq-QT zG7oFtu#abqN8{*Pm&_|B881o9V(QD6u?+(o)UU^6BZTcCVAp z^sZZ%_A@?us=F(eLoIw6b4nXNdmqW}sxOj}lK#{LZb|=o_Im42q?S%jRA1mds&f?! z-sgI?zJ2jNLs9zU%$~PQz1)1}+fcaEsEhA{ z-POHY#&+MjvUzg~?djr{PLWUA^3pm?)e=w2`RH%?3QV_VL373Cu4Pt~_q=*<<8?sr zWGDyDX2K=m0ERRYUMP{O9M&K(pBdyEIPqAIE8r9t(Qo%Yl@=SiQ#BlT^D5aZNxGEp z*F)-OkB(hSUTV!fxOOmmW?rV!V?^kbA72lV9ob)rZrV@Fs>UOGTCLFQedSC47igA# zM|#~f%GY7+sOzjXewd8#|ix*{9_G?ys$+!?VBNYOp_ROTRZc;BUq2bhmM%hEoN*G!Sq`Y!h2bABqC z6e1|*vld7!W;>PFLdy;{fAESXUrdDO2&-JIW(DyP&NOB?$t=0aNkEW``K@3%zUt}d zP-;~~W`;8LNAu7Zq{^DF+&bo?Wf2Rawj3|c;d3#?5sp=f_73#{D|I@tkx}(5`j>-K z=}OWs^bOJR7i!@BX6h;|uyeesd21-~lxI!CM<}Cp?T(?>h@bjhN)nP z6*SbZBYT{>IAr!+REjl3rOGreE0H7BWsSgVa`ckKlNl}d*n^8JEs$8&WHW)+1q>JU z*JLA&pE$MEK7N_K52~FCxpXPHNr3(*L;A1;_qe^Q!UcYRxidB<@ewSPZEUQ0uE(Vx z)@LPrmo21Jc)yQ$+x#B4J-g=K8t>Qab1F-xn-4%8Gt%N9R;IBWAxaBZHEsp3m>Ziz zduF(`yy6q|FNXSsz1C!qs^oZB1p9hCC4-JMbDnSZ`coFI_G~*V>90)kB=Mpr*wMB- ziO0Tbin;2%_RrIDY3I9iJ6+8a=NT+_UvWvI_3X(GsFKl3VV9upk{o;CEG|N%KX(=b zx`{iwomDm(#geidEF5C3Em$LbQGs#qwX@bddGXnMJSly8u2jcSaV`wn-r=^1>}|*z z3sw|mJ!A8AePH$U&+k;+)uG1Qs0Mu8*@W`gSw5{>uk-ro<7va37-q^C z${t?Uj6_D&~3m{@z0$;yjP%IC6yuov&Rz zE|Oi#X%J?tX3jhF&+*PvQO|t%js77D%D1%(_1QJ;Dv6csOw4wK(;^b4oTUyqX3@y; z4$$y>OrzUO7+fA%lnkt#_-UlJ)?9P>!%LCNCyFhWe5qc7&illqI8g-=Lo7N2E*+j$rDZcg6448|?cOoDwx4?_BfPA2!k45ux*e zqgAuvQfgxc!uZL)jw7FcD0ElKpUr|BYiuJh@Hu-&0>emc5}2H!77;Lxhu_$PcKK_~ zY26SSUmw`D+@H>DA4fr3=zqR-aMeZZc*t0jgp4-dy&xL*OW)#3X!1S6+Xb2g%wmqW zjvq@huS&@@zf#QD+Jz}HS*_D+*U^bSvQN8NOD?V~Gff+{orK!x8hqF6X_RHBq&_UT2cM*Vhi$iVY9U9e%y!=&+3}cbdZ?(dbRG#2aXN zJSWTY`%{Xvn+>P+;&NZFTWd@2*I|mbHxKlf}dK9U4Qo(4L=OHT)c=>C4h6xd~ZF zviEV|cd=qsYg*|()3vup%&76yBO!Y?mMGH0eYlw%ob;QjAmx+UXy0 zYl=tCxx?oMg{^+Ri=r$rN1XUr7jlTTX+D|Sde^(Sd-3cC9pmQAOCtLj-3}E=WS0g+ zSw8EbFOSXP$Zo^pV*A-0G*w+3EIcMy;;?Er#^&%o+PDv2^0oThPjF?N*^)iUv9BBD zO2@4PH!+HlhDQ1>9sVp=?<60s{ixwf(O|4<4Xin-FH4&aj~?u~)6CW>i_K5!genyqjDG4C@J3<6>no%JI#D?m`#R-Nhse3WaLy} zM&3rr`lY3y?%O@ORp)$8?&h(N&vGkBW%zNLMAQt>jYtYp_|T>a^ln^-Y9bXG<}y2q_dKzIQ4 zfQmJ6p;;%zqt@ZROgsCP5iYpT>ah&B=QrfumrH&8 zMd#jAlupSX!)L-J#^c#>oh`T2KXfeT4KP1;@jpCpI{J&|=y1L9<4&m;oe$$^UFeU$ zsCt~_#@52X*Hx~n1>rrxnx{zEb4dODZh(CUk)N(*gL9rPMZ)y9YUwI&AXd%TtpY zh&)A*Wa<+(1D_5WoDUaEc}YjQ{_=TE`#+`QU;J&iG+)TN&yk7RFf-?3st@=K7t?5Yp8i`Qm`1Ml(ajq)F3Z` zyCLLL8-I?i3I8dEZ z%8%^nG2C$PgUW{G)ssFIwQzRxg^za+CgJa{;$ZJrAEKNd`NArA~T_;Lb{=(9-d>dT$Fu23V$hUTvVIu9(`{8-PrN8;O9&@ zbPC*JU1Q4EkeaIWHSe_H$m~G+_U@#;bQd`qQ!ZL9)WUmVt0} z4wf;a9>v5;%Ug>lmA^3FJ5W)lbV_TyQb_id?-@M_56%u|CWi;ctGWi$Gu^1i)5qxK zSgJ?NXM<(3%0C^rEIA!Ar~a}v{<08#=#@U>IyOJNl6C7v`X>CLR)In+yMW8U-&$^Vx8ZBPNXRTgt zv08X2%g#f0FI>oA_sOWhK{^S~{pmj>+k@s$o{+k9Ko1G!99*7PZMI2QoOn8Ypx^eg zi_q7oh^|CU%)#Tj*4o|LrOd*5gCRHQk5%28?3$^RsG4!rlN_8W7E0BF=2}$jN>4D; z;jrggR{bE+u&h*48JQcgcs+=*Vy%dm#p-%?n9v@YJVlwZ@#-tFW|3EYeXmp}Tst6g zNN*jB#%S@4u?l1l_TINx{h1s1<2zNMvC)-n#I^JEeY2xfGteUL=4E)eBDNe>Tqic4 ztJ_h$wC*a7($eLyaYeXD`wYN^c8ys!Mxn zW}NQ-2xc{?8SEcj65{9(SgF~Ol$t92Ss5+(ig%wJKVb9XKIig9ZW(@fENl@fF_~Je zE0d6Xm7i_IGlhTT6Z%Xh`s9@DgXUYF0W zY4qn!_>{qsbTj&peQ=JY^K|6zg(5MJb{IcaTvhzI8SYo@+=B6m#PE0Xtw zLh=cgjF_j|4CN`F?={qwWs)&%>K;9oEZ@HTHRy9&#SYx9u+UO zi?iW`S7Be~7t2>;*)&4To$e_M@yaz?#_Zn4SG;u=N-DY%2Eq#Nx>fdFoaRl4(AE+V zOb;;B01wod7{~EZ(YSQzHoWdQ9mZ_A2QO+TQ$cA} zS8~JoL%)y7W@ecX*JscfI#|E-q8|~*_zPLY$JtK9e>5+4I8=YS%Uzn2uq%#_t$j>% z**xq;j>!A=yQ+6Tmm`TopAMaSzjyq0wsFOMgGT8RX?DrN@z$>;v)}KFw?5{NMpC=I zlw!nseWlW&UX9g^3!i>{6S;NgH3 z5LJU+Dic`ghAaffeq>vD`y#DU1)c6J6+({^Ejf6oPaB)%CCXZJb*LWob+0>#$~2m% z+ydI2Z!=I0B{nhbXLy#$dY+Hr7=F+CE#ivd(3~8%=k=Hr(){hU56f*`M{9NE5>;y+ zt;M-|7fM4^z0^-F#*u6rDwY)t4QFt4RhD7p_jLy>ud~|zrx*r5XmCj-EjVL+#OQCa9&%(nlaj}E zm06m7c;@;Tv2eC?O~dQ6^=FOp+3b$zPaQrmMmT;JnGL#p$iV8Y!`WVYkC(1z*}s&O zRoyK35b>rHc)z}TwwQb72X(QJbi_7>u;Y|<%TC@=L#f0g2!^&FkPsV+sl|m{9-aPg z>m)4`YU&cVHrX*^y{bTnc+wjK*Y^YJj#umE@07Mj&S}1BmX2|4RT2tBF2Awi%g0w23U*sfG!pV9cdccL)=?eHYInO1{n`A9_Xd)= z@b;%;LiY^V{U=*2D<9P6Xdx|D)Z#kWI;ZL~Kl^7OOFLvvr?D33s;zPbR`1@MGdelw znh8`_NIer12*UcEAuc}3I?mKmtf|S~R|C<_Yi84amA0A{m(|Q|m*na& zlS1?OiPbBzRmBq)SMSiL1S{T^%+b%ggpV%a^_XA9*f~Oc8!>I}gb83Kxar zW3&5>qttIHai_Q8a;I4+3V5ltIcb0B-2i8p!ccS0=d7lpFZkSPee-0mq71w3f!&HF zwGPJ~SWYIJRMd@WL{GBe*W_&qzcYSL8lB)7ofQ z`yg^@g?2)0Pad2#tft|ef@0+nxQo}kQIhMe6LztTvf>=(m16C;4u}{xn*_;VAJ9+} zy(_zKaA&dI8w#H%#5ic2D!UBnpT_XJh3>niH^a{i)Lf~p%w`(O3!22uQK<8B2bY*3YdJ3to{H*N=dv0U zh3qjoe)x*Im*6=q$t8z8NT1=|z9-*?Mwe*p?ayozRDpDLXPeUq)D~}dp=~elIG{3T zJi@ZbC0`unLZ^& z*DkW_yTA>eM;_NXq+;8d(b}AbymxS<8h`GlTdMJ`bAGaWn5u6ON@+ui-EAku7Z~bH zPTp_YtB|C9%m0zd}@bqnrYNu(Y(pCd@sDgBt74|LdN zbFAM(u~DUmOY^wWKHF~>*(dV#@3@W32}8~LZ$@4t*~RQlqY!yqx;HkXXz*%uL~3%$ zq27h~{CSIKR!4-Q{U*oT_w;qpGd&s9P0Q=S3xt^pSl-YIC|Ez)qQ z2SD4~{I*rasY_YN=Ez5_jBzjik=!>*^oV8eJ861uD;XlD7w4&ES}Ca>{TNP8=nDKt zJl^unw2shxkIM~i)?1Hx?0%e6aMQkQ*(4UN##U4-OdB$w#OfVn-mv13r|Mrt`I4XY zg|h%N14~`!416)5@iY*isy;5OI_IhK^e66<6Rv3Zkj-9peO&n69lm zP`Rk=LfUvlGbIphjev^FqlTXDwjK}|SiFh1B@tc7MU@h8IG7CqfB%kvYD#5W9|F0^ z^Zy%-nTrF-*#`=|MS+N5 z(iRv{OKJ~zO-U&141wqgg?V}a?34U~5y_cI0LG3$Whn69#Sa+!0Bpm22z~?)D2(9Z z`RF0QmeGpIp;&);nQPDd@E zSUCLuMT7j`;z1!Kp=dypXe=Bm2~<;HQCNr+1`a454n+blfKWjB6WA~So#1(JJ_>jo zAonO7IRAe&$nWzgU@q7|9KRa|2($<|C;-6Pv628HDM=^}2OIT1&as%qKL1BPG0DEwKveG~S0yF>uB?}7!TtgPhZ{on7Y-!+1Xz&0IiU=ed zWDV?rM%D+o+(v_7e(CIAR2u_;zzq~gfMeh?3`i9~IY<#`2EWzyy9cO+{3e8q0S)*C zfNe7QpdI{+ADjj9L^dV>6L|bD7LX`796~<#3xO0?3i`W&hOl7+pdD;(WLX1t0oueL zjcgB~P5f?TTlr-ZpgsKAK)T4s01nVLem64ba10=KfL723wrNs;=Ofz%;J>kdwBI)I zy9b2==p91t!SNrBtm}>Q;GBOOXcwSX!QSd$=kRBqy5XV8^_+$q9v!GVBL^C?GY8~K zJ|H`M1h{Ji%-V98t)xC4tq!fCH$LjKCI*OXQI~VE5n%0>lnL0Av^e zxW_g|j(|(q7`Z@!+k<@8844(kJaPx_sg02*U|rw{0t6WH<^{+t@BzfeSt1nuEAsn7 z0rMtbOM;Tqeqf$I;Nmu5eo(;uld)_>1Hfp&x&OK6KZA}sVB#C}{&yZc{$1swgxL7H zLkWQW4s8E^H3GA@1xjPV_@;#XJq-w&zvACt)BYgg4;%PzU6B4?>;4A>S@{e2JHC)V zJn{4ef+n!6wu=LpDv-ZVF$BLA*`Q)|Q;7JZNn9VSx6le%rVStC<0z<)ZfNVFn_)5Rw?cz&2eAh#USFEeIswHMY!yOTxFV3w$C3g!awz;0Q?|vTlKas{IRwz;0a^ z4ivln#V-={c3bh`fGDs92FUMk7zX~=wJ02T^Mk*CbqPnq!P|Qa4D~l3XzX8dfup7V z(j^>&06pGjd>HgLFdXP3H_yXvqhBlks-!L|Yd(0+IX`pq7Ut;Q0Xp!02Y^=?Qu>^4Q4b3;}Qopri01*%C=) SHvzm^LrX#g1l07@A^!&@PPX9y diff --git a/genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf deleted file mode 100644 index ad0102335ff02b63f7a99106fb38830b9cb459df..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 13238 zcmb`u2{={X7dK8aU1TOv9b}d}-|L#^A@fiamFXJFcwIweY9Nx3Ari?@6fzV^BSMB~ zmZ3x_AsT3qcb}{JX88a9p7(ig&$jp3XP>p#UTf{O*4gKigt?C1RSom zLnz3{X&*vG1wvXM@Fhb?ZAYr3r;i(iGB@FfCiPVsTJB2ytdKuSjskS7OIA*7)fAglGe*8W`^Lc1ZPZZK8f zit0!uL%0P3R_=~29^P&cVS&7!k2e*<(%S#AgGPalKMT;O_yqVu@KUs`AfygC(8HN* zsShRtSJo6qZ+~A$3fbHFz@Mcqj8{{G*9vY>7Z!^^nvh*Q9JPFc0qZb%JOQVG#ba?; zA|AqFPzq=wih#kxEL)QOeF7-XKuoY$EdS7jC5J$21AYNfe~3i8_aD#j^&gh?JUoHS zAf%orShx<^*~bN_z?kgqMsoMQ=sCvh{>gTqH#Y{?PJLA~_OafaJD~R^N+?rXCE9g!^b^mH z&+qmfQYSJG=XU3r+UO*I568TJcIS&RD34P-b^>w7_2SHp}KUzGP*`3n#iioqduZyk8>psgg5t2=h%h5W^%A zVsoX{tNVCWSHe!0jiG%ZF37j=9m8Z|gk~v0@*&nmS+Xs4X!}@vU1IA{dP@m&K`Ucf zwJy^1aNzg+>LYuqH+30ZHxB1M>!+EV?HyE!4hx^XI=HhY`PRO(U4oR1pO~8?5>B;2 zyh3$-0=E?3_e>4#J#c4xNu_uxOpufGRx>&!cl7OL*?zE5IGr^q`ZdQ_f{eRxx|ynES=gh?uURU$ng^C~bn9F?`9fzO`-?XG zGyA>vJJpzuS6>?0c$(evGNDu{`4E*!>vdn7u==Y#r+%e&Wfm3qwl{Q471uNs|7Z#>`Dg{|cV@ zN#4ukPw2c%6;B6Ac6eNW59 zSbo|(CV!|2_RYUt#BVQ6a~-gcL8EYre_S^jcBHFuJOoA9;s13ySS-N`Wqt*vYajLmtiVz4T<=%{!)RVg+;$ea7!ILQT|Q`1hO3oK8u< zvmIs6_HyFQr{*p4YN%PGLDv)Y2jI&PYwknDd&# z?Q$`;k^qSh4>F-_xyjs&it?@(ZybC#NbZRgAUceCoY;V;4jd{}NY#pJl=zr&Fd%gF zmYGoSJ|RlrT5jzY2iASH0w%UqDmjU!^l#?F>nFAjn}nngSD$3LN!6Xf-qfli8K<=vhixODQY&k}ix}GuUO6%)>nQN_ zut_$)=!k1og0o9~@XS5q*rU<)JmzP@Qdx`BPd@Ht6))5`2^_yyVMmx0)yeyYl~1|b zB)x?`#?*NW;?b2z?kLjDD{(i6*+>F+j*-u1%Cmd9OWX)aIC`futFplH{`2hTpMEjx z+J)w=panSVT$L8Ei#;dal2qEK!9Es-*bPMnwr7nn7KKl|icZ;!(5~7Mmzf}t>hX;% zx_#>@h1=tXUa`W{GcAZ%-eenzmj&!e=HFC~THkhSt-JLsiyJaZMVva7+$6#Fi#@$x zL1e^vzxqk>Ak`3u?eRx==v(=C^Y-slx>28b;-^X>z4{w&N~vwNh%>(dN3GvW{z>gm z2bwoPuBX%D5W9E83WRG;ozpJ~o3XXFg}TN?41MEIm?uRBM!hs(CshjExQP6|GvzcZ zb^N&4#Q8fshHY6+yOq9ks!`=H-X;vTmL+WaZXmbc_+?O@p+}q8snT>^AEHl~YK_Jx zg$EIP+96G=XVM-AJB!acOJ@p^j|Pckvg4XWV%m6BVz4|ZpTnfX_ZmsoN++qWLF8Jb^$Mzi-xXG) z8Z-gBXzQ6IDzB?Yv1)K-VZ)JU`gFKd3y(i=iK4D%nuT!1N>QBU!N1L>%Vh+ z>qc@@^|{MtgR@d^Yh%MAza6hVmn<7yS;TZdQtzBH^-FSPMrf2ty{#`#e*WY&4Jj4* zGu=C`TBKeH{cvhR%&_ET-eb0SmMAy&@hj|CZk#a_p&z_jShzP+=G~bW*v+S_KN_6T zayho^!HnN~KDW?$I`uI{>dV&_&0RbaL+16&cs?K&Gm5EDb$2M;vFH~ zX;$OZA8pv`qCHR;Y)Hygv%u~0QMzW}f4j~FE66{G?F~CRJ{;+SGaM4_dP{k`Qzk?$ z{iSgD3jD1$zrf&di*;dP=-q%~zwv|r=N-DV%Z&%j;<8`P?=@0dZ_F9Je&-vWASua; zj}=F21(Zbg5~jDkVE?(PYPjLyG5+~3f>_BxbFV1l2A!l%-9GnT@xG6;IzN&Sdy4v< z+x2@(a6a!|H2&&mew?Xad>Jv7=9-gY7XBc~6l?;nv?9razSs2Ym{!rfJ=0jP2x0?|&G4a#Fp| z)^4Q`vf6}*xL9^rJaIcn&Z_8m3ZsWtNY0GgBIUJ>T+(98MH9(Rj?oPmLV4r^F=2cvEJioAO+@x*s(I@LXH(pf8x)dC3f47URJockVt1@gEwVZBai$Tg39h@VteLMvg^-`v0cl#=AKFh&9DkRd$H0R^SIcVz z+MLgl@MwB8kIkO?Mo-^kRkVU|R-3M2FpERJZlX~FgD98wOx8X9bH9AE6Dr>KMkp&N zb$MQqkbaK6&cGWw)oh&NUFTAx+{T|XAcXRt-FDiu!FbfvUOc6gZ@@Z-C84#y?%lcA zP@RsvY{s2WJ2>{yyCn}F8b72k63$G3&D*O6 zCNtLG4Z55A>Op|80Evs=;L&<(lZ(6SHr-?n6mebiDIYI?SZItv-5Eg)@e4M--#s26 zgkKx_e7~8iIYv&TcisX*T*tF@((O^$i4uKkX# z^@d9-Ts*$Fd$i}WJ`552A6>6({5-qIzoHJsZ#y-7RXEY)>MRlYW>$4@?AuRSz zjN4D-I-yQz>@-T$B$>~V>^oN_Mh0Y56skZTlC1Mx0|QRVZ-ZWBx3}H7s)OWhm3f#e*U+o`ts>(@ zZG}=}aXsp+-RFy0$D>V7Wsb-i301RY*I$htNegS>B;qbI2b?gv$I#8?Y z+|%4=I8rI4@**I_Ou<{Qor}}uy7jE7#fR}u?5z*mSXFth4cJbEDQA|y+i*tlL-?fL zvj_2|?xNw%Hd12}4!u^Ax;!qX*KECyKh2)Vl`iy;_7{TQcgICr4m;UgieOjvkwb3*Ve~GTWGeB@X$WO}%j?0l7so$TmKUEV7OLs6$pa0Bw{+R09B=Ta^AtR&eZ1JTy?6iQlH9ab{1BQD%qg0myqUiWJqMXz{cg+)5ILT1f2%1S2DSGN~f>a zr8U?$d&h2@%H61*UO>dOmv$Cc>t7%o*Tc(+k3iZ-LUxR{O<44})Q<&A1<`S&|8(KXbw zzNBmDec3M{BfWWhZJgn~l4*M>W%FyD#nd`tq!9CZl0$uR$-3w6K6LeJoS)C@HGbtk zcTpbt)zR&Gw;$bNa7AjE$yC)(sWHjdQ1Sj6jkuCGe6>>>U%WvImLALe$QqzTHmSRp z{qjwd)+v@rOTRTA#e}_gZ`8f&X*R-Ir7oL{b;{q=(8ZecB)Nl|FP-U2=Y}6Ou|j1h z8iuoP^{L+@<&6Ch6sS4;dIiH?ZQ{N3U=LFb4%4pS=y{?ABoV`|Otgc&TSc+gwG;#m z*c%?uSF%S|Nn{;5W~YVIOgUuBRp2V=%4Mj?AePQV*HXp*b_HHmo5wDFA=6E~9AjG;e&yT+Hjlb~jqkxnf{&@P)>C#j9_`{#@4wcDt4qN2p7=t(KYOuU z!?crmy%?`ep5d4AIIQ)%fu~NTdFSnsN@6^1$%B_P#1AS}G-=!QWP~e~MSKvQdDD&i}#tiCuQaKZ`$|rHp>mMlxt!3rsS;JQ0A(8ZgMt1!Wb@& zC`GQY*41XnOZ*9TCAp_@?NAUjmS=8T)0O6n5X)ww%L!w@y27NZ&OFge!iV_{Zg3<7 zycpY1$H8&p!`6b3f=1sf|l_Cxx?NWs8M3J~kp``pWXwp6jj0e&_I_GVF-iRBi`#<~uyU z22q+g*R$Wv;5{zJzRiSbzJxMk**mE!;&c933iV^@x3`~LA8xHPRZY;Tz4WAZ`c$FF54^F1xB?OF`DZmvV+=8ImMfg2 z;#Qk%q6z55PCn6yrygPliMf{kM}4M)+0@!?lebGmO)4WVlxr{rNv$oq%E;Tri1ae5 zWmB_b?YJL2O7O<>46O}_+>t-%o?;nxz0o6;I^|CAmt!m8-RQb5BqdMi9G4P*|M>YK zO5sGuH+|nPd%x(HPh_<>+;Mrk?uhFbnTdmEHd^fNbBTE5?EP$i1pn9KD^-^Z-X7`c z*o{56cA`jRe2%fmU+KtlL%^*zEyQ9Mzn^WjBqeM?v$xJ6!X4$!U$%PzGYoiylaRywx7S=YWL?Vg*C{1Cc9rQy(I z&#cg zRM7nc3JDl5vd(@-x5N4O8@~>}I9afE_vn3czT%p18M5~nwq>??o`-%lzZ1QH;VLYB zw@s?rfncjY7w5&}ag(>F7Ba<&v181O%?MVRI_^BKKJo6U^NeDtLC~~VrNjz*pSyoX z9axuRBC$jMh2*tU8z{m8n%mH)gH6$w@~U$)VxElETr92$a7}&e(fXh<;*+}#_LS;9 z{Cla7CZn@CDpf_JcIV32Qo=N@DxNhoM~9U;Mdf7$Mu=stf2}5@pCKde=j4s}Fe60g zddsHf{vcx?J@LQ_t6X&o3qBew`V?Ss!>_N|M4h>~~#|>*W zitAjqUAKRqyuISykbca2K9g^14uwD0eMuY~-PA2wYxOKGbUjOJgGxbytw~yF4Pz9N z-6Zz<(N8lhqjF4nDBh^r##ibZm0M6Az8|d;_m}K)ie0B7FJN0K*H*GY#=3d?L1n^q zW=4u%W#>s=LeC6im@U^n^7Q6G;dCqB9~ORL(}Y(y)9=39qIo;+?kqtu18I0*FJms(Nx@(1 z9(FgECu?uvn-05r=a{%>BzLaaxHuPpHt5bwWLT<6ZjYO!(-Rd5E4IPZ2_|*#i*BD6 z+TAUSVA{TObB>;` zvTILT5AaM2sTIXM&3^H#Yz&pDsWq!9raXmWx%_FG(AoI0>wG=&7vbq8=T!O4wIP-} zINv44)J^l7d!Q^Dj_x$xsO{Ks`ayFVrdoL5n#tkIo~hO)hXYlZIImqGUt$R_@^XAH zKgE7;`<|L64)sK%lAxR0Z$)TXq0(0{s?{c#%a1p?!IwGhP_w%%Ovg{ov=nUn>T`I! zGcrGD=Fnj!&FLCpnJfkGZkrI{lc%yJ>B>JFYmdKj(0zJ*7x+Ny?cC`kdrSTM7AP%X zdXM7gM4tZ5je;9PSKx28Sr&1zyT!+s!~8LX7Iv}_Y#k;~8R>#UjDw~O$c>!o=kM;~ zs68a^8&LGKOMLfr8QpZ}jza@}#d{6Vda4)22m71MuJ82~;0arSpVeksSkhvKR4t9X z8Ns)qhcY!91s_c)*+u;meGztN+N_HaNQP_ZlyvqY3HA5M$FRoXUnslZSWMsa+~+nd zI-x))oVBIwt&M&`>B@8}Hxp?=Hdk5O=I-dr)1Epi&C5x*^>q~Ez%7yaDZz_(pIpCzp@rQk{-*q|wRTy2KHC`eOIF zm?Npl#Ty?@#pi#tySqEq(cI3iXKk=+Cs%iW(g|+tc$bjhPVW8cs_*hFFjp;vI8EFR zPW53dKXn1JkDB`)XuCbsl5*HGY|k%yZ_n%#NgwjLHw_8E($? zC!cs2`dU8TzUPCn)WCM=9ai@=I%D4?7o*E}u}+#L{JAEt-$C2P8J9er zpep)j;=E7YCAipm?sbf#ri1Sv00F9M__L0Cp3bHx3EZmE6^(DR_^({}dAYq@B%4z* z)TioXN?Y5-Bm7SSLoQx>=)CbsQ1*}SKj{_da)p*F6y$6FY-WHS(joghQ#^dBJ`@PO z0DMB4I(h+skd_B^;pJ=xnc`>#fK6L1eY_mK5l9##W#UMsc+jv*3MdquBY=N@TL84A z<>*hQVX6MV$=G|dYK13uzNHa(gOk@cuf=PBjBqD@#gwQ~6 zNHVCvY5^3^9YT753q=Id6QHud!`@(e(857TFrz=<073>p$Uq1g1g~iUNcVSTAOIqb z9e>LNgQuM>{K0Ab8%SYw!zeVGjA*L-ACd#0HY(X`2T%}<9dq*s(n26@4Hnjl2M4LY zxqx-@j~&s-{{I+}iDNL$0D#fqfMm2CeSecBf|FdNA%F*ZIBR;ld6MDDH5Yh>wF%bw zXIX!;AUlYFLjAuei2qwUShOO91KPw9P>>=xnIK>Z2ofFz5dppf0|0$kfTw^99`Fg@ zhsR^Vs{yUX65;Xxt04Z|$AYnNfoc3Hco1~aC|Cf%@(IAc2qZ;_2#k*aOdAg-C&C4f zfiNUI0u*4K1PBijLq+hhk_arFs0bJUHb|@C``{3U0I)qo@H|YDq(}nwLLXey7K0@s z;2LHEUKCsizs9$=gJQ)ssG+a_Rp__x4((XIgv*f#zY+R9OQAa}qkYy&G467YUBy8ynN@K5<; z6Mt%0C_wKBS`D}VDKuR#+=s{fEwEj{T7~P~f1Sg>c^=J0Lo{TXdf zK@d1#qEQKiLnW=X5C}jVfGPdwng5M9dce9DX#IEp-xNd>vw)@61VFw&G3_r#8|e(9 zB<%8$n&>~nKsfjv`j!p*Cpi40{{QBMx&94p_^%UYep%fKJk097Se<>oh0j8Sj;p43XL(ZjjlrShX9)-hT&;%43gWHP2Nuf|u zGBg~!OMo)~X-j)KQhhyrsGc59kgtm?3QJg~OB9y0oM#*wb{z2UuS~)BNZ3g%=_4-h1NOdb93Hz| zzaTy=lL1~41hOS_5HP4^awfn*XX!X1et939%q$s4M5C74Gm3~^E(0QAxxFZ&mfL|M zhOmr3MX=YF&a0@1U&adw1xFwF_n(|e@JEcreP|2{4ibOHQ7Mido@5H`|JN9LyZXTI pFEsyb>Ei=?E?V2lBLuwT{02HZQm8bSfX1MSiUL4V;o$qxGnWxONqKp^U?7D_bDH)3pilo61jm8F~GGvTM zNy__*lrlG<$+ypy-pK#=_k7QHd$zsL+WV}%_F8MNwe~(MF=Gua8MG`8A$Ij8bfpr3 zhER}?qdP)T5ki_D^d&<`bqAV*r;jUyG)K}cOMfL85St^TXlh4w>8&0w0g z8O?!4hHwiA%-kHDDc-ISVFA6Ck2ej%(%b)$gGK?s;sUg(J^{WEycBga2&q91q&SgH zwZUZI$(-uo?eFVAC3`y^TwLnH_}#nVwSo@X!eS9f1F|#4LCq%^kPf5A6L7LvJQjx~ z;vpOcC5tAa2pBv}vMJf$CxGe%*aWl1bP+GiIRsK2&B6-izI7NJOR%j zq?RXGxCYtD#~Fw~pX}{QbA!;ZaOk}Er%}lcUWnlAu}p&#-Ev$p6LWmKOIh46e;*SS zeV`Mns?c|Y>2;(A6E+L?V#MLw#Eq?&c>2(~Dyllyl=O`hbnm`-o2a~t;yA-m(!t() zcU}SQNaXnHBV)Gjh_MyKzl1>aMQ!yb2Z;)eooY{SyR#{ ztVDr!c<+#}3s(+f%AUH&TC1Bcz0W&b%alLwjF69*!T08;U|P>*1a?Lo*SK1zwK}<|1%S{JOWC5#8~W;Ggs+?{kNfvX}_n|?UI8o zQsaJUUk_s5kH3H87p=fQY(0Bhr7~%(bVTGebCxWL1WA44e=5DV}X?1_8G_gxL5aN ze~^fpX*J$4*Ux5s*jg2$d0eh9+SkD) zjoJ91wu4&_E zbZ7asnGbPA96Rk4*|^o7*Oz~v-S=cqMSr=eC(bKt+m(^G24&qcpSb1ZN1ZNGw)h0! zJz~e1=9{`>WLzTo0fxXyVmgoY}+7^t({DJu{Ndz97Cf+H=Zg-~vcGDhK0 zEU8*CDj6y9Y6-#uIt=w~Z;q@Vj@-LWW%ETjmh0lNQXC8q-*JeqF!7)6?SI*3In9MI%l2aYV#`mAuKwAWC!x2P zqDrUyqPldyeenxnxbh=p-7C&6Arb4pDa8Egi2oPoFu-O1sXut*Rt|MEYn3a4zmRv$ zVdosny8-haUXK+VHqNVAH>I&2ENX6-9MRh?ug`f?_Fjny+qD3((UvSIM{43iW@$<1 z^Vjyio5c@A@)PafQ4%-fX#+-@$h`Mo^p$n-WTXMF{ZOI;+R4DTvkZ=za>7?>uy325ln^<`?w<#XfEbx6@ z_AKZrj=S51%`k)Ux}oy%4Gi`o2lhseUe_S$btUDW^Qmr};Z$KTD_?;%e+F6qi#2HC z63$>@ZH}ztRhMPhoVI3k1;lW0wwi5%U4|KNsz(Jp@4IK_d$|4dz3?1bsr&f7Yeyxd zie*&PWRZKj^dh>&`ts|BthUdHm8k7LF_zV4+Azak#@iutL%U<+Eg8gG6CR~mj0B%Z zcSrX-`Cx}ryP0lq8A|d8vz%mDcVoaVIL$EXzQPtv|HhLko4Iy8$kIDzpp&Mg`(5hI z=e%?rEkaz%e=d|-#Ot2h%*qE@-+9iGCndRU2ai&`PAT;+(K4<-*($ZsRZLuv>y>zk zLHYf`m+9q4Gf%5A4_ik*rIl5F71FmJEIvB5%YpxCltB)@=%`D1l9O{?@Jy|Kd~{45 zxAB?q^!1ldop|zcy=Z~9LEuPfVH}LcQEFAuEYLoiaxjwvag~dv8qFD}KxLOfw>$C)G;q zMLv6q@tk6``90Ux>Y8WS8zH@P#L1JXjbdy+*-!P$3cYpmP(C3Vq!eOrar`JZV=FID zuE$>as=BPi?}`PC%C9$4uUp>|a^lnBsPucmH=+LVVAE#E<#a{@V!vfPe}wAPdF^ZA zGuGzTQ0JJCuJ7?gPUI$zX;0JrL>8hynag4hv*ZobX(=4Y|Ehok04dEXFDljk1wBf+L{G+#k9@JV7dqCpd|OSYatvciTs6uWxRxg!Fs z(EGuTgQhh1iF=k*?(I2KckO{Ci%wy8r$$nXTl;Tj#GD4bDousf-VgoI6%| zK6O`2S<$+Oky_^!XrEKdGD8m=)LHv-=jBb@RFP1WKGSPiVUk`PI(l+kMEBZ@+$U_u zSr5Cij}@~QSDi5uVjQd}D6q?t969qGyZ!X7Nu4ul&T;!%X8hjsx`xg(D1VT{uCP}4 z*tMFqV(?3yrjn^H6|A-D8(-L(Al(VwOA>GAd)9pFKE>sfz`$A%bgZR!mLjz`VyID8 zK~LmX7>n1*ZwZ%K^1P3PYJT24uT+xP>4t$}-Y^_n7zJBbEje1SG zN(sdg2Uup#N8HW(Xyg1n*D0#YCRLyL?B?NM?~vBs%Ad z2YmhfWROJ1abKk=-OB4P{`F6Wvs7I$#~z;l?3Q8B^Wm8ln%t%FEd_C) zsNd<4_RDKHpONPcKl@ppWNBZ%ikM1v@^==c?B~&JoOvA5!Oy=coR+^{W^yG7!WyPM&q)52vJw%sbSZr=H_5VLFCOpv0~)F;=bx{hOD^4oNB1#zx6s>7f$OT>vcCT(CsvyT2qm{Zvi<%OE)-MRngKQWB? z*64l1wGmr+8Yfek?biI0aO*hV7MFwx>&wyI8$7ob%4S~)j5ygNi4xzuS&n?dOnBo4DcZ|{CnvXm zR;qK|9jkY@;Y(p}yhbImDfvm3-g*OEZ|99B-gZSoUUEC6YHEALgPc4zaw?aJ8->0l ztrBQ;F@zD`fjO%UEiss-;fZFlUJ{cqm-1lga0xN}W@6+;{WKZ7a4Iaw74Eowzxk~=^+-&(ysGqgUDo8?aQ^dV#lo*dP=c}(K zVf%@>A9!6Qti(M!4!+YJvHRST%h}*3`A(o@tZm1P-6gZsBC}A}3CfR4w;R84CVN|w z{^k{S)j=+9DX$Dns=PGN>>vK&wf&djgU7)fHq-rIeAJs+lWU<1NXbiL{9hjGu@A7= zaMlc^Sg0S`ri>oNN-H%Fbt@0wX*TDr;k$h1w6TEWzz?^z)%-N1h*S&9KPSlS{_QjW z=5n2~7suIO_0bg}kN7$w@OJb>f8RQu(#`F3igT~rk zf#gT_xyMV=lN+ep3K6Ny`|Nv0wwN3{B9-=RJ?-MN`pUL{ue|*dNK{8o|65oY9M1kh zuekPIeyDWVb+zqnpY#=ibVct@7VvCz;bb<=Je!g(ujCkhOJ)8XS!(uMbH~RYY=xXvCEv)j!>2 zQ9dw{x#>aBgA4z(1Z?3aaq;PNZ8A3~++V%zE=!=0%bJgQcQl| zu>e8*+Rz>kBNtMfIY=p+b}mdtOEM6tguH+xqx1R||%KHbvoZ z%%%E|5-&KS5>@uxd$YU-6z6;k2wD)j6Tfu`fLCx<>d zOQg^I9NUd)wv5z`XV{4h$Sf^TgecZ#ja#3SE; zd4;>$y+L?Ifivdsy9G`NnD7nH2^(FE9oh3bOmU~MZ752MpL@uxQzfa)_S*CTwJ#fP zZ7!`ykl^TyRrFV%DdF>2HI7FnWIUS6G4ZtBq?hIQ$ZarfFQ2s1EFq60-oS z{SWEToFJX_zI#f0w0xt5_bI3D<31gCUyr>c&F8hYmZ}olJ%Q-g*!m8EXw~+kc`DhT z1-UYVV_s-^zYFwjudc%$C#?}^*ymgDB=d{y^Py}O39fdpw5j82mAdA9e&*-=^rtSD zb|m&3&adz+dy+CLoOo1ES4{j=gxRk7a!H$A?_Ox~6zdEfK52j(kXBYtb!xVbl*B$L@YerZfUjMG{?)8vih*|(V85=9?v4a3LFwssC(%(wWK{i8o6 zV_Kx5@50j&D>0MI#HW{%Z!69pKR5N0De3%P`iG09*I(GxM#{@?x-hrE?NTw0kvoQ8 z95L*&j(*csQxtzkO;$jMy}pI9j6JekEc-~DjT%lh?T9s3zKggEm#!R>$fXsBhBR}6wTy20c+9h>i!moxq~C+-wP^hm;JcJMyc*s`5JsQI8JGO9d&<0bSH;$ z|IIdBbrR-f;%D;1*}@VP!^bR}M0l)nbw7_KV9iGco;qI7y=aS+7vXM89lW9<8YW-b zsBY7j86kh;(5UbP&-|`kZ@nEDWiOAb%$aVV>ORqH@;>XriCt12+uUE=W33WNyBTh4 zNY1VdWht+9m9qL4&Q$nTK5~V%t~M}SrnK0V_@2RKDJ!5a&C<4}Gs71llCzHCTsV8h z3X`rr_FHD7jH@<+I})%}*oNA}#)uuQ`K>>_c4X(N5!ATTvhuSyzi-L2;s zTOIqx+nFG?OA~prSZwAoVk$g-n0MyY(~L58+$lFw1RHkOyC!T<7I~>e zWnGZO+M)_(o=#?@mtG~?ZkzS(4};$kyz$&aYXc%J^9J40OvCRqP||5rZUlcRwrf0F zT{eWIkmYP zJ;R6Tshn;4-QVVEx)#jLmpxk*hp2TLViD5GeI_2Sd$e56*G}HJ(iT0T)7K;)=h38T z+niDBsv$juu2-x-GSN3HxNYugTXPx9LuBuapyg=M`c}1v$FSvfyOQd5HI>+Z5V;&0 zY?fD7wBz~UvH9H%{sKq%Yee1dBj?^;5e=@%(|n=i(pPT7nL*J`=go*3qqMgU>3xv4 zY8;${di(hl)ZDEiFQS4T9+XYOc#$$!_r-?J>0m?jmE2nwGGn_x+%CL)JHRFV z38l5A;m}7nE9^<7TKs#7NrQK@=M>9}-r1bL!Il=TQXzL%*BBjs!|`x#cHkkA>`njf z7Szs^6!mlTMvTq~GPu-O-F`U8{ECryaD`Q_HfqCyTl6J&<0e&p4Jh^xcxHjgv$N^A z6aF_^`tEV4DDXLKUaNAs+Ii0%+xMv!rL{xavF~{e=62f`eBbandGOt~Ug1i!XBnZJ zSX=8A^OLL%GD2@NA4akp#NUbjIK%o*YF#dh=Wu1iKgud)J5UtgNwZ{+Yx^AIHz-Q; zTbD_-UE3^a-eeJ`K)A!gO!X^!d`T#a_twiJljJyOZTFHJtz^mRs?X~;9pxL2GvbYp zetUR>i^!A&lVj+YUPmh{N|L+!z=E`iF!tEykImY$^|k3G-t*$O?Qi1Bup@9 z2@8c^w!%~kr1ZMSJen8W-@6O3&SLNOb6URQQMz&;opTXSOe>z;`}T71Ba4$$$O;|^ zx7vUeja_E#PPB5Y6=qkTFdyKa7TjGF`!whI&l?|5S*mKYsv-(gDAubVrwNZ6COa?I z5q}b%UU5p7-d-7EYRNg099uojXG}qv)JN~t->UA=e!8V819NN3z)gdwtDfoR*P;Ry z*KyvwM83irQRLY+vtSl1mpG1HvC=ZjC&*yG5&pqV34@~YFfw@7BodiPp|Y&mfPLL0?tg7Eeb>|7by#>@mQXNjO|`3xc~0%jax5_tYDPAdn_FM7e3h#{6}^*( zlR@U+!^{IULi1Asg%5g)qp5YF&TH)VbbG5jRPPkj*{izI;advdyFB9?o&ys*A*=4I z(HCfraU2;8k~LR2;!hX$o{v46o_cv}*VOU6Nt*}z;~k7`Z2Hy)yFBLV?N3SEh#l(` z^xM19Ls@Ag*922xBFJgr8aDL`WBRcZpzUgU)uQg&p(bI!V_5g}TVK(EoIX`H^e4X? z8AhHnrzI^@CYcpl7@6+==ub`T2>n<3xNYC4zQklF<&qH3wVG{?KcbX9_0HHfO2umO z7FO?Mjp$M3@e8wVm~qb42r6fMCd%{FO^l13yS9A{H68r$AaGFS!=E(Vay7PfCv8;P zS=#U>o3HrN_p6UegmO5=Lw(9mq_wpb9_8x}3@NCZD~dDC%^w1nhx8;Mvj9gLJ(UVhsKSC|BsT{t zoD2m<&{Lxp(}WhVYEh{EG3$`!`LxT1rkec2gMF>uc zQdC4BH7G7FWH_Sv!5NOfd zsASM~0jW#iFC`GP{Q(D%{^US1U<#Sy>IM?EyeZ%X0>GpOfy)FWNZ`_jh$IMU1j&Jk zOd&bYWeJgp5Yhoc1I8iApu#~&HwZ}qEikVq0u8?PBE7-fAeRYrf$99g^bj%tLIy&} zAb3FwNoT*81-u_p-{BWSFnIdubunw>jwa&sq@!+cN7ZtET{!k)1+W#L7GH?i{OCM+)4zNYt!S@$hBDgC=>Vi}{ij%6h zt0x(rTy=qFSd?I$i_2OJ4s0L-3ibb@ApURhV9|0A4u}#*KtXcgV?<@!pwk~0N3#RbfLiv1T+AK(wT(^@6egD zNE}?#H4UB#2S1=-7Qtl0OM`1r=<&jQm$e+D>U-B>L2m80;0?|@cV2UaK~ zVEX8K0Sr0ekFux}i#5y?Aa?}4hTDG>x~v!a;W57ptQW9U;d=jX|`Ijse!05pN#LpT1w zpwS=HAfOoZmNtZeqbPt#3+Vm=%m~8#n${HXe*s2!D)f&ffB@L%0GZMeSi)Y4-f{rS z54V87fdCiiFbddc3oSRGPYW$i2<#DhFTnC^B5$y<7GVBB#o!hK_!iu+IRYTeFMKqJ z9`FMif*|mrmX0M50=G-_)`Iy5z7l@=&mRBjWwd}!FTD3(Km5G-nOzmLkZr6AlGzqL z+3zf7q!VzAFk+-CdT|(V0>2#IU&H<&;SZtzH!n=*uX+Ci{&A!BA8^s3&=aA30)UqU z)ag;2;UIyYFKr6vE-%orkmUW}yTBR#o(8E7vW{sKA8!pfDSM}eJO+ivqi`4unt(!M za55;I1PUb~Nze3l4sZf#%sagtXuh64G*5~nDLIXXCb05=DQ&{2WF?9UM(4P6#1 z4Y|>1zVb-qf3M2=P+cYeU`H^O?1DgnPzC|~!>=DO|9GG*F3@inyf5G%WhRMO^VA(hlaKp=B7&N>^ zmyW}LMESp9c+_(GP#8JVUob2d*3zZ;uy}Z*E`!Md_qz-RSnwBpIP70MMd1jrC0mLQ zNBSFv$NW7n9#8mdy?El^Ya^ik(km1J2V&%9^Ahl|aau|X0gkzr!{k7;y$nW#PYKIm zIM@-uzu!6p@_hf6r5pXeEyVu;qt*ig diff --git a/genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf deleted file mode 100644 index 688422888abe00382daaa7e511c91478c3c17541..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 15323 zcmc(G2{@Hc^e`c^MAn452odgnuWR4;eM=$P-RxXTM2oT~*-0o%RCd`yWXT>XYm_CD zElOzNd*7>mzmos&>-nDVd%o)#Gw-}JXU?2+=A1M0p5fC~R2G4YqNw>Eyn@`XriMdc z5Lc_S)RK}AsNp#`TL@Ial3?lNY7c?xTH4!sLJ&X$eTcL)wXKT{*ih`34kkKQXKk$s z5G=6`(1Ad(^>Bfp!AEMSu7|6&fh_@I3V>2n2Eg0;5+G1DX8^4Hk6htLt_CrOK$Uz6 zDh32gf-MBK4Zy&`(gyEh55a7MS9WzFK#;`pzv#eWK*i4qsCc+~xk13GC>TJXiniW( zYg>I4U@+jx(8JQj)6LSu*2VhV*=mzDXF_lL)dWDd|B;77Qy4O#kbrWhD=ACjG{zsmmX>?IOsPZ z`=^4i6^Fx{&nK#_AG?JX;&ZN5<7d_u(tA6h?l!p5AKR-;QIKNwVxb5oE;JW=oG*Cr z5Jx^W*QpNnKp(N(T(8gES4~bG5ew4dY(IGy<8NIn)G%V@p?c1zGWXrVD5&_O{;-ej zvvFoZ+*q=MiAHS$+4z3MSl+>FZ3pi*^@lz4)e#bhlRZC0dAIU3;X%$=7o&ic*Bm0r z&Mau)QLE-1TPf4Yq`1%0@e`4F?aN(8B@Z5X^?vDB3vZ8inkyL^eO0RWz&0$oVO}^s zNPT<)Uw{i2Jaz77?K1b5(N`L}%Fhu>lRgPTS5z>`>@7Vx)(>YwI7=EOhF^&^7~0q2 z6iegK+6T@ICpcMsWOPInM;jF3%8w)Lm5!&&!`qhjGu<3ZiP6yP(s)p+*obx;ewD8g z&aQL>wfTI%e7dsS4kOXfJC(JIyy{ zYQ&gg>@?QZlG!{cV=CO&KT6p&IMH-z6@OZOkNzQeh1Z)${k^$KMV}H(y+aO6x@p~U zc9-nSzolmTys%%KyG5MRpX~!9v#w^NF|@2pL$dGM^|(sh%L24j=lhvzS_uu7ra>p1 z<>UHe*fu(qj^?FYMG5&!%~G67;Q_L9)NQN%l(QryRS>yBc%+)*op92998uW;&3y)x8*^}X&XU6DsAD@+-A=}o-d zu>_^w8+K83C;@ie%=P>05#PKNbA<-Rk{DtdtI!8#ZrAa0OtepBr>gmeEgy#HF=W}8 z4u7#SX(to8^V0WD{;AOAt^*u;>Q*FcPd=Vi_4(HN@E|Kxp0G(3Gcwdf9=K>dG*%~| z9>;=h9%Ty0$ZB+JqdDH%G#!9DF77i*=unoapOSL4IvP=GT0(wcZ@6@KibrdTRXF-> z61th$u^sLhF4!Mu-Or4CAo%owV2+7F)JX%);vCM>oFpqPoShcD`TuhVyWLRAq<&jy zt5y2)h-=o#v-I_c{O)`eI(m-u^;MpeMv}F>T4kh)R4Ls2&tv&TndxZM9i}~wYF$Yc zql`@DH;UkOa8YZBm4%-PRq0XmKPhhEiF0)P(#JQ;9MbEcJ!Y~@l42CeO|FXWcYl2; zC%5gAtj3vxS$#qLLm3k~t2cG$8hCq{ks0UoUoac|@&EsQz2MUf!5rC-S-HRcxBH`J zyN#W!r`c|JZprjKP||9;x5?{Li7(<8Yf|@rRWYN5f<(*mkW5n6sPXUpc9tQtgv(WY zg*Sm7U3%j|bvu9YQwhzRoF-KZxBwwU~*xWF0UTxy*PrkYOrIp6S!Efy7)}d!TN$bY%9?fX^(s%RJ9wnFYshOo>Wz_FJ zniD89N?}zyWs~HC84a%Hh#)%g)8GRsZg(WfA+ND(}7l?JvV>TLqCB2q#cN!%5E%#rS(};k!=dYo>HNYk6>)y%!p1A?c~ze4b(? zTWdXP9ba}>w9UiI(8yo@VXON`&RJpUQyt9m^vSoqgO3*n!`GtK?ByK!PZI(@%uppC zRe3|H+SUtgHH)r-c*;#*?xaYjL9p3~wn}ao^RUYJrmKZBSZ|Sw`%Tu+6`!htTA!LA zyKhsHHFEeHE;^?m?53n_0_JmQ%4H46RB$EPY`OXBSIVIF@=W>$xoC4PgBMThk&Jp3 z1?JfehtbRPxwj+pr+mMq^1BXPcMrA^b$#u6Gvtejo=3~=uF+VzNKUVU8xbm151s4E zy9UZPuE_%bhB2?h<^^H>^p0?_WEtGg-6iu+v3L(YE425=;Ni~gLDCEbp@fDm7``8qPa!e3t<0fZKbyd&OA1N|3atJ_0|4P zOkL-j6`d3jH!^*hVir;R`OaX;z@m`=6P3l)fIW2%q2J3}Eb7jGU3pq~;mf#%>uafy z>(bGE_6R(_5aYOi{0V_=BlLxPi0Y$O^K;eH2CKpieqYm`#&8=Zjm`uq?RS-SNGa%u zxK`c0cny6p6nCUmr87juS=OpjWOy-5bjFMppZ+X*b)2A)Ic%%wW~A$nbo%;!ltX%(pY9y=@^)=$ zknP-%l|J0fKQLuVb7+<00SKQxU1z*q+q}D{9a3K%4I$0 zPl=Dv2V>p^hn9PmGv~JmRtFA#qxbS`G3%?^_wa1vcYiHy*Yek2Om((C$xO{Joo9KPo@qUx7rM3Q5U0~Dxbyz80sOHCCvFVE9V8NsMg82E!@+Ix z-)t*UIB+}v&z2I2Dbt1N!cZ{E80BEugd1V<;oNMhBu$-fFYlYacyh1op*v!f1^gk$ z=}21M(edws4Y>XPn}Nk(zYVMu`G~F_My2SVbA~*S-!A=FeCY)ai25rxoofF|aYlr} zm}PJXc^a*7u)*@)AXvqs7z^NYDQ?uqW@3~}?W?bvF<>=faVR>Ln-lR2->Reu1x8SUXw74dHx#;6! z9-4eFzWMePNZRqG+sP%xy@L~H+z#=dzQ~F_^A3OQ5SlQ4IY%@e*beZ0NIvi7|E^Al z-S;fJhd22Fg|;*M&Q`N(nUqPUM{AQ#Yy~zhicH;(`PiPuvB8nL@Ij)~WnAE_H&3qz z3*tp7>gho$CZ)rY=ah2XCQAE#UZNOZ*wJVwkQQjmMD8a!!*lxN#rXn7oJL<%cDifL z(=~co5`(foNrU+HT<5=-2gm+K8KN{_Y-CmtB{>wgXMPvJzn*yg7hvQL$Y^~H4}j() zj}6=|btgRzNF$V-U3{E>Mc{amh^)LQ^kkn#;0wNy?8d1RN7nd?<)yDLq;%>xud$Xg zKNBfbd3K;egqmEBNopM-z{2z5*^77LzLts7WQ7dcf~>xju_Sv7$1Qy0w1es;I1pn8 zVs9K`INFe+5uv3TC#Cl7_}kU2coZR!|G4LdzegVP*~~U77KlmJAZ6BZ!NW(Hq{387 zJZiDVp<~e}VxHRb@v}3G@)v8B)la^PFT0YQBu_DIa`7dhwE7FDrpaW{m1QAI)|WwA zY3RHwc4bl4HjTb(Pc*}>1~)S5-VBJ}cQ5h!^H=+Lb5yjv7oL=uVwSiSGdGaJaScz8 z9VHFXwmwSTS9I~fC0uP$cX#*cODV0q9 zGk4(vc&zw0Is=Im`;EV7eO$q)EbUwXwK?RXcUS5RMPA_I>)<#GYK1c6@RTUlc>IPf zw~&r;d${dCEt#Nt-w( z$~j~0D07|HN6PPvQREdy(hg>(OvjVrj~Y|1eUr=~m6rAyW7ym*pO%Tp~jG62xj8gxidfZWS*e6pB-^mkOkf`K}bq$cJl>I2$ ze&KW%M9!f982)_Ey<67DQrK;;`f#SuqMmYwbTUbXAQ|I61sn^s(BQ8=c0*=A-R%n& zhchEn_qvjL_NJGIld&xiSr&4hx!Tv9G8G^z#N>D8%htg9xy^56oaGk{cVP{9#QHa^ z5!=C;f7E&9fpxKqYhn5~zK<}NidOpfG0ouWTczn$-ZhEXD2(U$s^M-+>!D7$ikGW; zKCZDrvax(ez6!XyFn!Smr8dRg`_|*_NkKp9#9@xWUGM`>hyMmY1QPMP=;%p!P{65( zqJx}vO}9rDsxQ7)E{e6YB;B`fMrts$De+(**V}N{leg^H0|g>#)=vti*0AYaGE_3* zUU+k|`)qK7C$GU94}R&6PJ!oEPxssl6YGvjwS!T?ugy8&xa?9WrML$ud0pmF9Y(bH zTGM+2Yo|61lr~zcZ@%ppym>0m^i!l%SV#9Z&}+_n`7f!lHi7q z4|E+}{Vvl}Dt#dZW~j0Y!NBwQzabd*cgH}h3$V`+TJoMWLCHODwxsp$6EfV;r39 zyP);A{t5zx`i+lTdTK6BFxp37S-#biBs^$7rxTtwyk(&weo&J>_~6M2MjrwGk`E2Bun zZ+$N8@3aFPMkAPRQ5gwiPVhAKv~mKqV6d62bZC4B1ycuUX{ToAMPUUEn}o1p?r2*p z%ityirubqzj|t!fI%)0i{KQ#+A|Z1>7`qEQ|JK_=z;`T5UEF>$IMw|3@D16cLC&zH zp=0KouY*amP2i`dp9FF-J^c_vVX^0Rcts=&hh6xR$-S#D_B(Oqil*N84K{1&r6~@( z#hTiI!G^tHu~AjT+nBn%V+_YA-JM#}^3=e-{hX!t-1!uHlHU$@Mv7(2AWb}cE#T?? z=!zMn6x{*r$aW>Md+#?v})4MR!Bw^vy0i+D0$T zCT5Z`!r&Fcvfd}|r1IgP_H7~4mN!UAM-1|IA-M2 zr;6$rtC`IR^H=Q7OrtpYvYYNKseR1!<%P?lGm$LV?zVj8w_Tqy2N>$`K1T-5g?v_> z9BVYJ>&Ct8eiTlHr#bnutS;J#xoy9rjF8qycLzi98>d6Y?>NV(9-Z(J&^Q?Qcm>AC zBtt*?Men>hHgk^IUf=}3mz?nO~d&bo<*MRo9?M{kN%u?}Y&w6)C8ro!^o zV@&iUB5y8HjMs5)Ewkk|3>01UX!N()b4LAzi)@QRFT3hVxdWD8Z?L?}(k*lvUpfXk z@#4YN+XSmnx&#uzy8CotNx4HAAy?vK?s4@kM`nF6Z7>hB)HO97A@{ZGVHg^_aqR$d zp_kqLl5x_wY4-GZ zh!S&d%`vLL0XZi3^Crz}Hkpb(Wu*PQOfMby7-$)vbT7bGd|S>9jj@zXe^PYFR6P75 z>VVX-lIFLmEJb&}J?JXtOrz)bcP+af*V&nSh2@2}UvBv`YpxeQXhAfi0I*B$mFOxW?1~>J)bWXcidRpnx$?h4GLC(h>N)Ew&*Y<93NY0H7Xll zN^Jej%=p(I%EOX9LsPNa6UHPalY{9e;luVi@W zz9a*q+v5?1@2T@s*s;E<(&kU=r#(w*U@Ruf(+@eKwH~fxp%d#;lXDy2$a1qyS$A0x zf9ot`f8Qk{OJRC|vL~@ZdLk)2c{Q#AyCPm1WQMG0B83Sgq@$;Yp&fyN>%&keiW1GP zYqzan*JMv>M9blHzvImCBszwS&|R?kTmKLV``z|P#Yn_7!e|xzZ(U|qWV6UJ_YkU|slMv8Ek45EDdR^0aLO1%-;UsmJo7a{^ zt;&!OT9WOi;rkbC*V*(~rZ>2C?u5*$Pn?%L#%<;gQ)XqHGU%0!DmBYrIW7Nrf5oAa zCvs=iW=aJl2fh4sL|xdr80c-P4A-^w<`;U9b@S@`q!`P`O%?+rQi^8}-4vS-TvG0D zk1TND4s1OkFvoZ1l>xsJqm6dCiA%)Gw8h)Uay)}Q*&*+T!h`jvtxnv(Kr7)Y3>^|~ zjq9XADBsme6Z35iyq5CmT>OmhcT%U1o)Wtd{;wTh6#6%ZNlEw7H3c~BoD>Bc)tT?Y z{%Jm{@gt9=)Rolnp~lCb7-%50RVHXE^ln&*sYrF|QmhtgTv$dS#;P+TPHzqNFzSoJjJ};@t(!^YkYC$$D=EZ_Oa21@b9m0GJScIEGpw9FB2M~te&)t=<9mfX^hF=Kj7d>(kM;;>5g*qXO@gy zVaR6pkX^$VyiK)8V0y2%l)HHI4L3EhmOZlJ`4i05%UpvKP_}~5ln?v7#BH@|o}>*= zJe7~7TGDsl^MQxM#hgp&p_9(czA_o17^GF!;ilewH(tbaA7D=0yV`T;Yh@UF;kBme zw7OB5C%E*vuWYQ9L2q^u?7!U!V1Bm`NJIs2a#@5TWejHJr=GUkOLS)I^1`a*McGto zo7zcBX)l)XrCts-l}E|NT{dCJw&S;BP!l8LN!&})R>tyn7hL|e{Mp%X)6H ztacCOK^~?PnQE&G;Yh>T@t0NwnRm>f;yjFQj@{8+3dhb(iUl%&=c=+t_W2#3yapeJK+P10H{*+};?2n)L8bFpi zBYtt0x&E!ozC)kvO7{c?V^KCuVam=uy$NpAJZXDL(gSE8?lS0KyTb4t=0o?<0pR=% z&|)-G-RBpu&pNU@Hl2^AX31mZ8RJqk+u}mR+hZOG>TpSGScTMtymhg`@ChkFV~hCK zdZ?EJ!ls$mMqehBDxeY_aDg;Pp?e%$&owY9ZbD4e8Lt|VU+A0(WX2(fi%lUtS!V{y zAs$cZ57IUyGez*ws%!1t%J*2)f3+mV>3SzLj_{#irCwWFg`DyBu1h z{?_}2W8gdFPlK@$LJRB^^+}Gs8(NkoX@RQdhu?t>|P%M^1O!>OuZCPXN_ta zY14h(ExzwCE@;Lna<7ZVS(6TN`TO+FKs-G0BgO!f>0ah9=#J5wGx zi`^S4ZmSlnD#eSbT}|~iZ}(rZTNPY9f0IkkeAMPbpS4TB;{}$__ln9MWWT*K(ru2+ zAYaVmT=-6r=P7>WPeDNaty_rPagHORkBd4Ar|tMo9e9RhZe=;`u;z=eTLd*D3W|G9 z9grhnWS#x+ z#)HnbQpy(S&>Fk(eBQne`IZP|S)))?qfl${nK_<&{=NoTjd@20CnL6`n?2bsv)1uC z)I&FB?(_QAWho6y*^QK$(kI|m;+YeI7VzC2QyO!^C!S7jKma#dLjLTDi+5l?E$2j| z5YD!Wj+XX8SuM?_*0pCrWnE{SsqOxfB>>+JsJ<@bnp!)vm04pjVLc^0rSC<@hu4W~>=(93krU@hcVWukx|(qG z&W&mnxH=U*jpX(*7E!$~e%kA^mB+TBUgk<75>m)#aPNo!PtL0WhflC``_r}fjD-jJ z%VQ6DaIng$!;^fq;rBBuZYPJln5)daSLtOJ{~X`Z-hAPs!wF=p)D!f3fe%{m*3%`+ z^4^(d6w<^6$UYRirKSrHD73nind*IkC-vYPX?B%lL0)$&7wY*nb`ra~6O}EK6r-fr zbGyv)Z(Z1(N?t2kVn67@`lMfGqk_Dje0ENsaCYgju?J&DPy=Oq^f50_D!Vrs+%;qM z5h7f+Pb)GW=uEB)ysZukxVRBfoe?7xT$;DH<)U(i1YtF%G}-@>R-=g>mE)>xgJ-VsGNjmv3C&wa1aQ5aP@<>v}2i2SM zHle55*WBMT+xu^k$jpf$cbV(odW~>kpZ4oFCZ+2gbmZK$3QLCLj4SNYc_A;;1~&`m zU@3C)>vB92%P^`3A6GCv%^!O2G-5X~FYjB&3m>WW(>JD{jSi_`rQLO+Zv|jF)Q#J#dOQ%n$OG+)H16*Y-YDV4kz(d*Nl;Cq}0$pVG-hYvlXX8r5Bp zH-IJXGMB&g;r=|DJ^*}aRPfhnpxPU8eXT89{j+P(LeIr4pS8FGnE>UMr`?K1DN*9cgCc^4|r&zjb7= zzn@&7Ba1=&$ozA9s4ymHmSQ!OKD#QM*CvB<(I?(%I7L@|nb*xL?^`dgd6l42qILJ> zarb)`s&HkgT;9pCr#e*@Zmf&}f8qmJ&|gk|fpBC+TTg2byc@yQ0|MWUq=sr+Is*~M z@_53wyKHRhVQBzFN{i^bI$OF>L&2bHElYw2o)`=*3WI@K8~FRD1Vlm0TYB0OgR}o< zFemUf1P4zDaP&tElQ!_OA`pYk!H{z#5U%ZD=>dj|11*Tb<39tbx1lQIJv<3u69{Y@ zA^GjtY!SE^3L=6)VgR@R$8iW8#GD$cwSfSK4p2W^4_64()dipg!3QW296W4+vKibs%EEAo>t7ptUgs2eh$-zyYE`ZGjA! zDG*oh0DJC61OR5S zjRnY$Uu1{~_J1QlT9&><<^uwU0w|+k>GlIG7C7jGssVQm@YZrJ_D;6o;BwnIgPa8B z`Ey!7ZIUSj1B3nFNYwwQaFB2@2nygP3Il_P0beFDNDMU&4TE5T&;|q+4M75-1Ykk~ zc!KZ2_DH}{Bj!jf*#5r~_0RW6pe>j{7(Wvl(9dufNB}_UF@StwaAFWFaO8sl#2O6@ zjs+7M0YTu<)Ifq@0EtBdW?Br`sbB#q$BF?605V9-!S}$H7z2coV1fQ1Oq>`F$hYgj zoH!XImKw}KB*0052?MAOurC^z_%;lnEif*zj6?y15F;iuupYoN4)_Lv0qQYu1Tewv zaZ$jyXaqnQ;0zahhX!&nfLLHoOu+pLkQg8lz#JT($TX0E01f~_iNrz!eTYQ)i5!>{ zB@G-21wOz)5`k!gQv-7#5%~cQx1FfbKX~>JsOXyNnfRHAvhqVFKzaBzfp`(00T`fc{7l4|!_WZT0bD^D*d^fr z?MIXgK#ya7Nk3)cXATkt;5#)j2g|=CBCogKgKhpvpj?1l1#|O%l*6ws!4Hj2jD*tP z*5^PF2hrjXRXIRd;sa6L!@-Rx&}!Qt5aUgNOG}`p2iQ)0vuyy07f3b z{iW?XF9_<#7z7CLeU;eP2Lf#Li6w8)K!T-zweYXDMH!If?LPm$2cLg_WR^p0U&4}u z0EX{}{rcx}7t|WCh#+979QVdS z;2Z5|hk}8k4*vd~2Lc7SU_0v&fFasZ2gd?Na7P_ruYkn?{{DdnL_nhd92X84v7POZ z;F8_Z7lqqN0~iX6-AQ{GO6*S>09NG>x}Y(bKl-A@Ko#@*xPT7+0~ZVeP{KRgp>coA z1A_&Z`|t3uFiPo-pSU3cnMd{#m*H%R5yT4(06qOwG>e&8{qwbeanv%a7zyYarwhh2w>CC$ET#D HO#QzAMdPPh diff --git a/genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf deleted file mode 100644 index de2af404d124a70eacda7f4a77f0f46f66af0414..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 14399 zcmc(`2{={V7dT83U1SQ0>LMh=o$obg9x@LZk}}WZbq$#^&xDjAX)tRrW{M_b#*m`$ zrh!sO5gPdRx$1o*-|zE$&;NP;*!DjAtiATyYpt`^+WV}-udAdYiW0-Z_-~BBuh+v+ za3tK_$_XYd4M!NB_OOK`6fH@XF7Eblgs!E%trr{(0QBLqvM^gW8wgPRj{zn+R!+9o zBshT#0|t;twnR5L4!VRPbcycP2DT))89=3^0?^y~k>Ch*SAbUGSFQM~R)?Fz5z2lf zRRfYG$rg@XLtx-wY2)Z-567>eS8;bE!7=3af8?N$pyT%fREh519&l(WiUx3mlC6)U zwXMD?m<(JQ5-r`lJS>T}Zq}!NFLe!GRu)<-xItQ5EDWJ#YvX9C;O+-VhtT8jSTPI^ zgT)YVa4Z@rh9V&GXdFbczO9$LH_;lf31W->Z@duaUIYIZ@`PjlB* zlOKmtRfWr_->@{Zrz$3gQ_a4wOJH?*6s(bV1{TsQayGz$8!fBrbP0$6CHPv9M@6);y7h@A04j90go;(ZZL8(q!RSl~TaFbFq z5^KghZ&M1=>Su|+kaVh+e*u>``1L8i+jR2&{`4;H>&%n52qbc%ZddkP{FlzOj1m?B z9WIW9h>wY-DuMm)i0%0CC4Z8~UUQX2WMlUs#r`hkm5h=i5hFpLJ;9{nKAmg3GF&ya zj}A(RA9qc>jgO1hPgLp?(r6~-4<*Qy@5&q}JW$UyWN{ssvK*8b=el$*boO-ZDH%x` z(Q@wCm1FrgP|ww)bbFR1xt+uCuh3EFvpA~-KJ0l+B*r}N+JA3|n?caHv6-mSpmdq< z&P3eP_Yw3Kjp{~O6A>XPOhe*kjoY8~Jr$)im^3%#U`ER)^d?=`e`+TB)MCFrdQjs= z^x4YvmO*mkTWCE^M11M3XEtXvFHqus;GUNP5Dg}5{3 zJ+Wnq|1o9gIplulpnZ2RYKTu4S#0hee!FM6m}c?J0D`M$71>h%cY!|#rtfi zIC`}(pR3Kkm@cqP?n&YMXzuoERHDy=TBvDqioXZ5P0%Ch5pjVfS~~G@Vupi=@PflZ zmxy|X7{b8NE;W=;OU8EdVwL0y=Bb|T<0A?CB+NWqIPIO%Sn@I)JoQ5cjQN;_R4&YO zUo7WywXR6cm5#XC-Toqj(=D0BhK0rbazjL@EG_qCuelv=St(XW6{4%J`o|K~ zQ0<`}gq;fxXS*0Ub~1msT6!`}B>KL5wkh9T|5$tZmrCWFJw|OaqRvepoL*;5gxr7d z(pBAPFb4BHo&Hiv;MCB#Ep0Z_rGt4x1)M?xTxKkM#)vt!QQ6ZCtaY4;s!_3ZB)zQD zi|r#jPY(q=*kb}!9hMw{?kN7HF=;&ynV^J*D3WphvrpQoLcv%ST$S; zcfBusIoV2@?`Jv_SbaU;$YZubr`8-(MNz&&M~5uxPy_!yZ4bE#?QB${i-ICw`$*_` z)#ObVCW1$#%}e9K9W1_m-y*g#+<|-2D6z7Lf3|R~Zb$N?EXI8Y)wiL2GmneV7iiyk z_!27?jeoQ68J4d}Df`TE(Gupf^n4lHLTkO>QD#cTsb-oP0zv;Y+R;77Mb;<38 zVV0sCua1aa3hk}a9xc0J6ebio`L@hfDdO-CmaYi4?H<>@-l*LUD_F*6%cAuUaQfm} z;@j1NY(~zrA$a*1p0IsyS5x$Ep|Z)lTK|d?-LGptN5Scscgrs%0c&V1EvK@#M0h`( zk71CFF*zk_DlTX}U=bNme-l6&GG5u=7}o&TFcz=FxCTfj!0G^}#qH z{Q>xkQucO}sW{tQ?juEE*7x-(vQfzgihXF3GDa(O59U!ujP2*{ee?!6VgLHpYE|woYN>qiPhFpw|en%Q>oy5a|MO8^|SND)jd;R z9c)pLJGXoFtlHdsE|0SD$gXl1YL_R=BAo?3;??{?%zGwJ&X2_B1oY9V_B6h$<1lya zf-0HCYsN|00e!2Djqe1HHov1Tyjqy-oWL@;DktF?US4@ayfcnrvAg1xh%mmJeATN9 z+C3GoI1G$Nq**694W(D%z2^QAJ^=mgq}CPu!j`87Mu zuk@yon5?SJZ1R4-n0yyw$U+R|($tn#Y9AfoKwLP$$V8M4@m%|}Y+0sg1%ErlC#m*; zzsvIN;0p19GU1~A2l#i#_(QQCS+xi$tLIpDsqmM=XC`W`)r5j$i&_(oM)TCTyYC^I zRgIwEOiW{9Cz#rG^7j*#x|E)2*YjM6)T^GWJi zaN}(1yy3XVU&ecywK4GK$-pKH$%SvKc{Dd*EFH#6CV6Z>7QfMaOI*I`|I;Yw z=eK_(zKX4k&K7@?#NDbiT6lk|z-!r_&DuWYxuSwn8fNd{M^T#(6;FTee{k#Ew50Q~ z>J?kb^fN~IkyC8QB#S(v3g5+hkuK)9>i$XZSq~A-g|_dwRCaa}b+{(^CLQx)Ky@wJ z*4*}{y47eWNo+Onc+=kFOtI$>_SlMiv-YRv6|;-N%ia~{_BT78-qW1?+}p9^?%>_s zTo*8VhvhWR)?bRg9kDGp-YKMc;6drk*gru_E3Yr!yLYBG^6bg-yt6m*>h4Mw4@c6~ z+-Z+AoSc6ztb|Q}t@EMyu6kKc*PAPt*9C`BGkAPh_C4Qxq*-{poSDI-!nD-*E-6p> z+Rs|y)XE+P{5!;IvMUZbxEH|1wtb^sK6={WwaUZpi^fj1n7Wu+jL$8rLcW<=K8}4z zd1VUNr_tzz1Z9;o7*0>&a5KwrE|vo}8nYJ(rD>k_#1v2ak0)BSRYyEk#oADX0}{1C zm9>t?drTwJUhFg_mdv%9q8_n5U){uP`I^DoKiH+TJV}Xn6@EA~GqW zQ1Id=^W+()3R4mMnP}qMl5$*~*a0)^i{3W>F#C?A#P94!5S)_?g!D5P@&;Ifnv@ID zI$*N_BV%U6hfl9e+&=22b?c~GqHEfSZ}UFiH`h{ya>DNHrqQT7E#s)y?_*i`WBkW# zhYCBwqWSH0PYDgwmv1ZcKkMGkr~5J<7$msM-n|##r+a2)Wfb9S?)*VCuy_F>5ji`u zs{%RxcIb1cmiF@eu{-%OwK;R&O9xl17^lvzHhjM_ROEi<^y(Ga#^t3-tA;5(&YyI{ zLn^nS4bQK*``6Zo9FIeRJ6Zyb`@J7RLA#T!MDth)XczTwB#*&Y=^}NJSR_rVN|fA% zlvss09u75%=B~G4J10U+cgXF%CQfrpAX=D#qV*kvz$Vl{yRNNFERI|^v2wy4hWkib zrGNs9?ZEHB!+)=E|P_Bvt7)F6iXL+ec(WKdHpF?V)8=-Y`mMDaTCOU9yI(f#F!13arzoW!1EXP3_L=6GVTTCkSd&J?%j+K6fP5$QxHR# z_G<(`;eV0e^v3wWB7eDp?Aht8F8!88_R8J8qNS?6%r&C0?Ru;-OK3qh-Y30J-bwmd zrpr>5GHDC3`_Y`E*ikxu$}dej{Js?by>vRVN3SGaIG9%afDq}lC@2f-{M2f*vP0R7Tt?M=XaK* zpB)(4$ycDN#)b-V9naF*Jeq zO>?VzBqZvlg!qI$SEHAxWWQ5{_-2}xv6D0%&pUJNK8t!+ww1Z$H%3{KNYOp~>(0`o zquX}pfa}%<6xKn!dU9OI!;+Pw@EakR{>~G0> z6C`(-)!*XV>a(TOD?g~Xt3wPo5e;;*wH48zG3fQ8(UT%lqiD&Z!A!Vcw#Sqno%u(l z?3|q?<<6axGD9)V>3jP3y^V7>y=2E3EEwOgWGa;1z@ZmvsBFSB{nE6@De8e2pTSF_ zfNW=%;DA-zwvt%!o}_F$BrPiOgM-9AyDSkJRP4@!%AChJgt*B9}wy*onlEqjMr%enKd87RYh%-shUeja&TDSIXh zX{fph!=O{bEinwY-t)@ns}q}$^mo3q1#a_IpH(juoLqgjZT?9*lXV;gZGmrm$MBM) zuxap{HZds;-kLxf*K^E&sJ0_1Nn^dJ`np`g4)zOP9I=1vsr%O{a z`XIALyShwVS@21k#Vf&$d0)(Ie&kw*_nW0^QeWCTb3Qk1sLb&4-Z%TPqiIH$Gkt7n zL=p)$`2ybG76x9^Xdv?uEPe7Z&6nR0qebY1Xy$xwjmh~L-+>Pr2s274Wt~kK)2F^J zfuYn;8Q8^V;rcWKer#KVvNLTJ`>W59+QPiD5(E-b>sU@?dzt>YNkFdy14n&SL%)ZA zs^{wRfd=8RXR`;Mf3dUKgqP5f?N)e6SkFqWZV*er>9;@55t82aa#dEZr0fhA7q5c# zk@wn?4|cJQyeiw{;9GlqE?+MrXeyH>Ro6>K$pphM8IgDDTPLz9W2n7)w#I0NV~mTN za}%<*8e5^U*mci@mY%v>Gg-tx?o(X2(Q;ZRF6a5`DGkXznv79T2RiRRuIw$(m7@6AA6*HF!7rIg3YqYfi{qn{2deNTa%EFQD&Rvo#C zb$>t9vNA?9kfmC312&gz?PbH~XwItKw)oh;m!VH6eEYYN2yUi)34gZKmFJAlZufnB z`n)TrXxIKsmJY#gCkO4q44%rX`)i6#9vvDfLLZ(n;B=H}e<9vUp`FCq;UF_yo)z=i z;PMHDlbX#t?|l4d5~C&J!rdQi_^tW#mz#vw?gh6mD6~??KHi-^*6Vk6_Q+*jJZyGI(Im)rxF*FO>FY@0m& zK0TL;1&OK=k@GRWmd)?j*1w9$nOml$d|^<$33Ij_l%m&%UdqWDNmM*cii_C~Rj;gg zqSo|Q~67my+-f2$7t^u`wD983BLCk z$jddE>d-F0yBRG~p?u|a_StmDtZ z+P3eE$!(S(WQ>KSH!u8Jb)*8qHOl zi#){2NFn+%lzRLw_v#!+(Sv7Yk;J9|n{5_HpSa1jD)w=znaVR;eotY0m#16mGCq3< zZv5m%Y;DzaWZPz2hNS6^}qB1wEgX)9g6n73W62~C)6`0J^03RUdYp- z<~>U<=(sFq2pOe(qL%8Qq-y**mYUcb@KPk<#EXxbf}i>v3%OZu-raBYGyI5)#>EqD z!qLjRiy98m20xQ$^$av=S+vPj@~xtL%EvnBz|Ta_@~~$b`Pr}a^zay4)x^A#L$1>P zCrQjQhbmg$X0w$Q{QHm$3xD1z;YkAG2hul2qszB%8&{h$=1xVnj< z$82?XfX1$mOGWi0QmN!=J15!v6}$#!%R5sRSKq@rD8r)^;gX`Bx~)1)7lg+?w;!t- zpUvF!!1uw`e>%Lm*d>_Q)cW@rY89C`>~Ey;;kMiMB@ZVO&iR4rh&7Dh@9C%6Iy~*o ziQ69V%vr}y7cI=;`KX!Nz*|_dPPHQmG&`Qw+Ei#?hXzbneX; z8^QC7E7P**M@Av)u@r|8-kB8z(r`zCovVH0<5p5{eTQ!L%e6l&#&`?UurX3d{IKk4_A(&dYn)FzDIa!icHtqYixb?+o9qUb-!P;<~) z{1geu@l`wj;-1V=6^}@s<401Dvt-2F*Pt&?bAP3(A}>RCk0bIGrn#3RQobi5PcD0b zlPS|L>bZ*BJ0Fjph9*pc#5RtW;~oVAnO{!~y~(B#Wa@EEn@dorS2twyG`#GoIagBA zoA@j=|F%ozK*~p+#0U*_eu4C0gTt#;LS~2GJy&KeQ+pG7P76COazruJs_ROc-XijL z(!6IyimLbHN5k0?qM5@ph0~gWj3xq^dT)g;O`>H5i@%)E4w|Xl*Z1aH{;}`bKgUuo zeCECV;_BdgV}8BN#KFSkTItn<%X2GKNmoqC2@UJd_b^+Hg7NE(5C&ZXj`GT|lq^x~ z0VR4acL(m6Ja$$j&S@Qabz*+evNiR@!I zGFIJ%ZAe0oBre#tE)|u_X+Ngf!^>)%tG+NDhcSFVK4^6-_u2`BBri)>>g(%re1Vb` zZHi_uGJ_>c&wS*WWnDddc+$<1QmkY~Zdw1p+>^7zdQ(|f&mIJGN``E*)~!aW8T@V{2O;G-`v5(!IkB4y3@NLieU8aGKEDncunMdN4ar0k6Q4mZkY9En2c8^@fnn zK3NT`=!WRGZZ>%S!^((rW&DeeVRJ#T6T25j2QO4AV$&TYg6S}aOStw8XyCIv4zt!@ z8EL|NV{j!=8Ab0eH-kUUvv^hwC$=%}p?{Fc8qZ6ARBOlTP2!^d$gB*v`?Z)f(x+R? zZ|6IEMH{qbl9cKjm*bp03nXDm9x6_s<4Be*743?7gWGX3RL-|4ZjJdb6C6}YoFN}s zV_#$QxfNHR*0z11ijLFYJrM{UqQ4VET2JqSk?R6nWi2+SeXADz8-lSivE zq_A9Whp*uF;@i}$ebfk7je0s+vzity+e%hUOS}e2i3JWo+r&Y;Jt+D zZnEyP+vT5@%Xx)Kl5K4I+8biQOwY2a$HJ)v)$*C_?&kY8Z+Au5EeOp7Ufic=K5BEO z-`ee|^BK0UC1q7N^4~_h=rPA!**;UuJ^hoq*h@0vZ|%cwIhfpV@FJ=&k#rD6-}w_3 zY(eqi^IXn;%_rYiN$SU_sY_fsrQZ;nl=y>1l3(aKzj~%(cje)y((7H3vuZEeC1af1 zl}|jn@X%gKx;bq2#S-WKO9182ep5hx>@-$?JT6ck`5=%hDzi*ED7yutK@8HAD-9R@^xb9Z2orhcdfR0;@g%p4?m$x>oGozn;s4Xg~^|m`d z;Mm#Ga^{PJG3K1iL)?_$C#`o&m!+$U-5eZ%z=!WPihwxY+{agEP77uwhvgPIPyUpv&mYw8WWMUjF#h;%(Nk{L zkF5^hJ@V}!{DSxAlj8HqEMo^+IQ9i>Lf=*c8N&MQF)pDTqK_(|;4v-U#A5cGhVoZ; z#XxN;#6HIKYY&by)Q9nTco+ZZ<1?=lQckz-2^;q;Ii-eDktyPPJ=UgEcglmECFpN@ zfCv4<*MhW2C0j3RqN4}Nod`#*WppC6EnPw8qk+B2?FGzT7yhiJRIR+OLTO%frFhb!rzwY4oA4V z0Zx#7L5t)-v;}QDkYozSVZk7j~J>uB#lg5g06B)2NU@e&|=7UYn^5vp)-LW|IW zi-Q^T;o<L zK~@C;jE8Vah)aNatq-cni@^|JPz@0QEea}lU^JkyII!?F8~_%~OKxMZfDz*4f&&i& z)Rq88+<4HBN1?$2*XG57d2wjK7;r=g-NS)e954&2$pvJ1L(G7f0M*d^WT8O}1T+AK zl9`1AW5`VTO&nB{H4T~x3tb=~7C~e~OM_}q$nt=uTPrZ!FPZ&|YOMhXTtk5dD+a@G z5LJM3h$2W0ev9jO4XB0vCWMRuO8`K?+(G0+dhjoP2ny;XD-*y3UH^*(A_|Fwk?;LN zAOVcb?*b{pnhrpEu)dIa4fF!ii9ZTiA0VChUC6rfOD7{R(h2HSd3&e;j1|*ZJFdkiScD z_XZvjOsnB&14RPl&sX%JPf6D3So`MYzp)@b_;(tFBKQb|#Pz_GZ0JKv5CG3Mz#)-9fj0C((aK+akV%icFY1=qf z9C~!tueIP)GOgZ%P-!p@ReD=mZ++X?(LX5x1V$hIb|Ba7C zv~+Z_C6Yh%Q+Km-hqfMMo2&2c4p}5}+rZHu>`8u|s8|w7+WN(%xaf=Gja5~8#sh)Q=!h$xC8 z-JpO0|2Y?ZUqQb2=lP#spJn&V*`1x8nVp&4JBLeMR$c%uh$82D@D`H)lpGF$K^#qN z$i>7UP;E~qa|l$%7;kLnXbFL;8(W&YKoCF&O^Ad9xw(TG*irb80Xk|XHs+>yh!CL< zFaVD?$2maI;3GLy9p`AOWsZmF0;pu=0rch`cnDO{9zZMotCsmyD?;=kP&p60f)?Hw zZw^6iA<(iiHnVoHgkZMN%R4&YAxJ{|Uvl6u0PuSO3OGksCkVI{87&A@*4)k7)Lc^m zm<)K*#u+=fI2q&29ZWrcFLkTGgao)&;01nbvE)z{b2DpWX-5x$bPzongAl|BA>hJ7 zXb1`c6NC%FFbFhAvZlFUGt4HbU3?QVOp(hOn>8t3AV@j?_LMs(&I}@zm7;vgzyUAQRV}ZVOGC$SNTUh3Y z0Oy8y{11T*N#~D`?$kNbycOX}zQ|Zr|6cOK6*evs&&k;O{g*b^iM-nleD)`ua2jPo zo{Yd8iNiBCoT}|7cR`fK|9l`*nsrmi(f%?*+U5iqRagIY+O<#On`~Da z4Sg~+Wf(UZyuLDTrg=;qTYRJ-fK-i+OAP1{87o($OV)~tSRU65IXILai!#s@PMgkB zhet1J4BhP|SCp6MVEH*1aJ|NsrwnfOeO=En2#)cZFLkd#k>eQSC{sJK`K{=xXgZ=x z2jkhv*j%HJr@-{&^yIP6o>5XO2$V()pPMejCWT9#HGgL?Zx^0LKTMm*K^0ej{J95P z*3yL(ds-f4BKx>Rm9DEV@x8Q?(_~#dU`a;x5+XUP@NiG zWDjMv>S{e5*g_;LNH(twJ9mrk&1@O$iO!4Ccynjkpocjh0-I$5{mAgdpYK@LLx`ct zV4`|sq8p1I;QuK4TiIJXmMw&)>tfqI-+Ki&ccYD}rH&P;vWQp&k_nT=O z2R^vga@sMu{rJls+K#iqsxSElgNmhfLz|WJbWG1Fu@`M*zx+leS45X{L(YQpbCHya zzw1-%&{&a11DPD$hSQ$^vPr<%)^5{p6JnSan-TtGz5-s3o5fOAkD-#h;VH}$*Z{qt z`^9wQ!8f`ue~1c+}n%G=h#j`>g;go=?} z>zBUdL0)nxuHHaahl+U_bA#%@O(!0lDZE(>!y{#6aG6-ME>kaJMV?3O@QSu2C-qCd zg8S<2p0kQsrGRWaahJn z$0m<0^W-J#sE2ofg3fRxW*z$p^{FSv_ zCdJfjZ2fk+22z&qm)P-3oL$WiWw_I>s=6H#StrI9!|_Wz6K19pqgq|f4PDLm({Dv) z+)|U`W&=6}sA57?CHAM-QKtBiiwqtXS!euT1J3+0faHG+VEA7%{5fDRBy9{ybK85F z70CB5^ft!`=%Sm#NU}^r6Uh)d^dxhA=gcYc9>}*xncB`4i|S=qsJ$#pOz2^i6Y;mZ zo=8Mru+knS8(&?q($1Cx{K<9{^j(%sS9-7aZL9)6nUwapdQw11axJ!DFzgQ6$&KEs zz}bz%BHNkwaG<-IQHyS5iKL!wa>1hfry1&tM=ZJ1`;UyfF3jjwqdKykhxc`6I}1j- zSSNEI*FQ4eBP^Mqb7b7|fwMy$kHUvb4E-~;Uv76ES(rI~Lrq+7o?2+W|Lyze7Ml-Z z*B?dJcz!YV+RUof5T+4VHY6X{6ppX)WJSf-R4{gAJI%@81{4WDypN~}vS2hks)(jRKXF8QL4xLVZH*$HzuDeJ>SoehkV@LUWr4c>yajFI24*}=L z?rbN);N@Fk*-m~Pjb%33te;GHPy_2p9Hj^JbpEDKI>RIjNb+J${wy2Ef`@T^e!azk}S zlp;6gLCMBKTXn`XTfd|9I91B>x9W^+7r_a=u8MRQsquggk`xLN7JP>frss>ow2@?6 z%*RRh$mC;Q?UTs^@0&cQyS zG_=1Xqs+xhsF(oU%oGjfy*e`-Q!zi_@Z4vjH0(QDf6_CLsSGIUNa_H3+)@k2F?zB| zV$pH2a_owN`*YJzk941U^xYC@eh!^^S8Tj8{5+m>{I;Ce^Ij!4hb0DY&ql)^H_u%8 zF^4|DX_69A866R3y#CI8#(in^$DF|C)ZD<=R$7)5Ug2V68K(Wkj~e1x^)~Je>?`{~ zGTKIbv1ldPOK^Z{eI}!^-1MQSg+Qf)Pr}R3j!#wDJ-K2V+NJU|o^*)CPludY=~BWq z>bbXFc6+ym2yA_CkRPjAPW)*|JJTt}8$fYrG=ub3Cj0EQGQ^WeLFAJkDg&%; z6J787S^2&3ijU9o#=B6h&x30b4is8)ngWaDG>O0%g z7i&`WQuC(T^r{=2KRf?^L&mF0%3E~^Z}n!#XSL9GzhmCd@wDR`o|{eYpN|<W)oAcV1Cyo(S*pne}C;9yX{mmpXe1|B~C34rAyDyd$;$Yj0m z84>%PvPe4}S8|07a_+5@+Eec*BJ>EYVdIcc;#5lh5Us_737JOdC-Rz+DKnXc4u-D& zV_sVMUsg$Z)!f{i#oJq1S9T#5Jj?8bF6?%?R3fG5UqHx+=Bqf=)MdLi@m@WfhWWkJ z&t9k=2xFEDSV7w;!RDSIm~7Q~?!?BwI1kgKcr$mmWdot8oD%ZN`!P{q@uG8JkK*^Q z&R+ZSe|jB!N7HkZLuVHX|2%>H*YN=XoQ?iu9a_DWN(N3=X-UqU!+5~oEcL=O*G*gd zE>UB;O=+E`STfJt<_?}oB?%E_nsUMCMI00bu3R%MiI7yj`HY0(qVCrpjhv30GPuet zWHezNc?69g3AiU1C+%O)wUFTB>OE1d#_D0iigP2TlW8_OWb>3+MW<9OEn0Q|$4$T5 zIf2oPnB|sKwsp4T*#*%OhY@ZYH;!%`6QZ{S)p(eULGHMir`$cKk0t%?eJJ`~3kucS z`yZ-GMo{lF;xM>$b>^WgR;ec{JI%4Gah2xGKCRMSShMGomC!cMATg!tu&cF=19(34T+7M794|ri zh*p({*@N`fzJrfO3_W6117C=;A%^L0-8@2j@@1mZb(OQR;)*}`K7YxIL*e~S@wu#f z<8m2oGMmYmAUYMVNwfHPj-O-@4?A0odnR<@+Hmy6m_|#kQ>?V_P8F$?zWDSut~4m& zjx@=b&ecAA$OlYHY2<;CB4 z_4W|wJp~oF*_vWq%sjhn<~ou;_GRPgllwzeO;3{d6ketC$380ze>O&eWqxtZJSCBz z(%y=z(km+XMOSi3wsFHi>cH{_shqBN<}OnB^RnW~px|r4$QRKkn;QYnOPEt5`JrwdHi! zXFpu(unBqT!m0HEcS@qQjr)~J|>g5eBx%H-}NuT?9k}l`!u0)83wRTMB3d~YuMt!^o=@~H%U4R8;7*1# z=XF#0{NoFAEW>O^S$81|ysg{|SqKzrn}}636dmdaBL4AW-|YwWo@(K#Z#E5;L=G#{ zgdD!~k=~vARPjP_@Ka`yqlTEJbFV3X94{TK>%7La*^S{S@KLw-SFV%2*(LYR>MiHH z1zy?jH^~ihhfUiR-WH%7CtufZ43oY}RLFZkz8G!lV#aB$&mh;h+U34RPWzmFUdImI9I3n^xGT+@0=E^wRqEz zaO*zRD25g*@xh|RYfD;bdeR2Ub%!cvW^}Hp@Y@~j@zefRx3pX!^vUsF*=^|tlCUnu z_~A~E8}pLybaZ!dxQM+*aR~ShgQAY5CW4dA{0v_|b288#Ha~b;f8%|~{%jri<*^#S zV+@T8F(ifu-iJSqU}CcfpV!F??xnUnmLr&)?-8Q+vYVnPEQL9_6(bbZ%Vc&|*4j+h zVS+v!BX@svUd2U8==0Ys#aH&1S?_r52uH-3Hnmbk!dHD8srm44M_%1J@kPAWQX*98 zS^d|X!7$mU(5C2DiAsl5P=no%nixC8Fj>(Z5GhT)09*6u*~$1!B6=A7G5;C2i+7W` ztQ&hak*SO8`}YrNVxIodQj z_A<2?U#K!px-y=nvMj9;od@f}TlhL#jZ$BrW-+ij_b7a#Q)-?xVTvVj7n1fIJ0iBn zF>=vLQAF&tGONio3h5h8sZqsKZ?A|7igeo*a-AMPRuD0GFE%O1I#iiG5p82i8)1dH ztev}KSEoFos>d1oka0vijV!8lxN0&z%v-i2GnM30Uk8=Ve#@A#fY|`S@dzfNj^+aS z&+RLj1GLrF?k5I3L%*K=G+e7)-GS}vs0=5wrnuBsS{-f2*i3CJ$*VHd(MntN!S2X~ ziKD}0l^5N)l@9woUxINlNYcFfrs1P6lsV04$$jyZZKvmi;-ul1mQ0#@XPya`qS>~S ztA_WrVsf>-E$6L&-ha~gohI7h0(KW(?KPN0ptkc$MWfPQ7EU?+o>A|^zG+*}R0>V~ zuZ}X!WYIN{3@FciF6OTdN|Ym{x-`|JH_yvlIW7sGLGp_?kM>HARWxfeRx{-#-BD*T z8Tn~NT*Zusa`3f~zQ18k>C&hn%M#zLe8Sg*6k|-uylfrBAf2D2uu)az0zQ$3SO6L!z0Gax+du z+{E|snawnFzP0booy$Kdm`>~Q{>?w+o?~X%cEc(jBN_wvP8si%0G6hRwOgahX54YB z8?zFK<_lL9!}gtqx+WCg6N6ZvI<(n6GGZe7+5L5Dd)tdLStvs*PiF>S-CMc!;)KYj z#Uk~2wXhW3m7L`3Au6{L$9a`lA5)~(mW7Sq_N}84LgkRUMk>`%z3a2OMBeV?x+(fh zVbC2d#*(Bx)yr~&MT2Q?q`y)>K2lsG zWurJ=!Y%gN)k{s#fu)_6#;ihnO;uxNwhLK3bMBBheffyaoUdqN(d3aN;TgYq`TmxO zhgR%skFb}WQlkyJ{Sk?4NzM9;m10cC4?Pax)*v%jldQSFg#>j*okg=_&|K*MP+7F))m>$g7qs>c_qQAK}&aisEgNg z*y;7}Ci`-PJX%JTl`5&oQ-43<|BtG0MP|JlOL@cWoop`{xg$ zd)iuQyRd8TLGku|E~lZ0BW9Hg4aY6PTqAhcD7l(&CZeLYKm@LyRORN*7#}T0c=|1WK54G={x6BnJTySiLe!( zd4(5vvDYLFx*LL~@Ol2GRRiTK4Avhiz8a2@O89QxIQ*?*Sh8VGk7F0E?Kv_=ZTD_+ z>Xnf)fOQlnVIed6$?u)&el~9Cx%fGGr(pKWk};R*?_7JKL|GK;_)$S#N}S?3OYlcz zT_;PhR7X(OndC35vzS?o4m-Skr3H;Kl+K-W<=WJ22oV{CBjeV+polsdyR$RNaVIH zs&Ye$z7~iL=KX?GuNLiJPQ`nj+qfbSjhQ2vjktO<1V$!iLOBiNs`C0iaz0DR2@|!> z#VRL8W<&9oMVmyyG(2VP^}CFj?2nU-D%Yp!TwaxC;e|AK?VqJIt-bI~8$NNq{A5bN zaowpP!S0hwatB;qYr{IH8kCf7+@BpBK4Bq&9N0w{_8LNCwjaxph{x(M^+MEs`Vi(* zw_9J8IXa?us8#BfR(m-GJg9#=)CSS1xoe%`0Bt{Oh`%_GR;n)snwoPK?9 zHPyMzs!aswI@gVOde+5)q{#~(6_~W%0I*D zBU0QbqdSz~C-UgZ4EsF8CNJ-}gYkaByty;$nkN=}ZwzWoC1%{<<+D9*^X55OB}Z(z zub!%T@>6fp(i%&?i{E{Ta>hlj?y}as2ABx+jy-r&DTW9_CcBy%zW(tTEk5UG&^gX~^!($Dp0J-yOYLUmlVwNqQz8$9b1=4z@~-Ik_oeWBY%7y3`%;9! zy`4N3_>pS-VX}7d6O9IuJP{`0d*dzN^5%X#;cuzt3`LOG^<$|qPM^z-BN#Hw6_TeRI;;H`%0mOiE@s+jLnT!%>m{4x$HFR7%vhMf5{#^Z%M^mWm>a`{Z* z_b1kuUm&jWMpi z>$_bdgNnDp`cWWx^Vp8PQo5tdqRWQaIkY zzPL#ytB)8hPGnoQ@8Pi5x{#Fup7rVsL)a%&_EDM5{wIyoM4{oDyIhGQ_ZkSpG4O51 z3OF>-*Fq?PLxZ%!g2F+cRQ%I(^Un*|RZ6bjFFJG3otrqfjD(?^1ZuDJltM!HP)CEu z1jYePKT7O+^+MJst5{9nihAof{Gt`cg^!|u;g|)rS8OJ0I;{xP@a)}D+`YMubp@v{ zhF=tl=91g%UYLER4zl>dGv||ZOhf;j*_9qshkn~DOkeW~OCMx^4jSsvN2U|c;fwnnM1H%d=WT{;Rk<}*?{Z?QluuKGwh6)VkFhWLxO^~fUbv-a ziI-@abI+b-di9iCHM5CP>Gkck#PGzP-qwZp@vE#?Huobx`t09DD0>ZO;piRlS#$-s zJ7rzYOC6#wB%3N~>~`PGWm!L0>bOrJ^bwa<-U)7wdv6DLXe#b)`9kB_?%im_}XjCFNr>#vONBnrs+ zseMH&$}+R>jpX{SUuG0AbTI8Q;jNbZb`o;ib;&?@C7OQtL_Nzf?_KEIYiuU8fD|qDMO*;ZcobwFN!sW$t zI6n|G1L3*LeE~~GbDC9LE@T94!}O={E5BZm@| z!(-zqbGam^Vy+>T{l4JzKWZ#Jv$L@rW1kbm+*{MZ89ohpjq6S{DN;My3~ega*2%c= zE>mVP_%s8}K7kMZBqP;FHy2rQUJeun<7&Ol4j7&5bvV-?)6IJJk`$fs_nS-;S?Z7M zM&?gLF7`eM&cK^oqq@D1r#hc1>`u;LdT3BwOy04c#fYp0-Iw}d#_GDdL&P2yU9^M4 zHzVngv)!!Dm*{LI#V0d05M>&yG%A)pi|-Jc%iRFlo~Cy#GM1gv+(swI6z_~XagL-8 zNm0O8oFCm*vs=BxbK&L!iD=7yqGvycVUHzVDep8r*6W`7{o9ZIg8MRd zxjzR&qCf7>fs|KSa~D&bwG-YE2Z3*8>q1qH?SZUTX>0t}Dd>VZ&R7e`#udg26_+@lz%7dZef+T#<}3ZE)dujLDF0KzXEV!6hr`l!~l4KEsRBA zA^PM{IR_w77fekS6C;PpT3c9{gL%b38n7+|hzy`Wp0O#A#VibgdYR)KAy7vLVEK4= zM+h2tX#r#m1AndE0GJD~WHbf>HMh33!b31X3rJR$fncz}6c8ae1gZcL0e{q2-FG!wFX*P2-F?|bpU1s5{LmXjvVR&%npIN zLZEICs5?miR;Kqqs{k&6pvuO-*8l6U@H=_qPg@O&7EF^S@Pi<>|KJjkb&WT-zW@jW zOm4Px0XRbr)j7MhR5WmB`ilyX|9|KV0qy@qVN{Gg2*L&w3S|Q*@3#tg@ zuUnf+Iau16gOf{b(F{rsSm*C${dTvy5DX0V|D%xqzv4l{g&`A3-kwyN&sy{ML!zHOLe|?&O3TZ2wURvfg?R_W7rPdI3rm zto8pf4u8f>pzS6kt7-l+-9Uy9!M_kpJHS@L!fHfm@HHHv= zX92pJ0vfmlGXb3t;jKBK>{~4h2(W4bB5Pn{ZNaPnJF?ZXhX8wmFv1Z6NQ%&M05;NA z%LP!WtriY~BFsS!I1|9~68hmGs9$rqLx7*i2{1PZaO+EGZJB%2);#~(-#@*IJfOo{ z)Ju*G7)6fL8>jRkAh%V*tWONt)mXLR)lfeM$B2Sit%HyF3}-(;mFF zqk}B?<D~!L1E%~h820ae7;raj!v{QI z0157ZA%PHWCkz4m3kI0#zvx52Ky}}S4-OXw_vQ{55>)N&FeD5xAKPIti0YhSejkyCRw98m5 zVD@+P!@&Q>he7QE6TM!U& -2015-04-22 16:05:39,849 - __main__ - INFO - learn=True -2015-04-22 16:05:39,849 - __main__ - INFO - NG=20 -2015-04-22 16:05:39,849 - __main__ - INFO - nruns=10 -2015-04-22 16:05:39,849 - __main__ - INFO - pm=0.033 -2015-04-22 16:05:39,849 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-22 16:05:39,849 - __main__ - INFO - Starting run 0... -2015-04-22 16:05:39,849 - __main__ - INFO - Initializing population... -2015-04-22 16:05:39,851 - __main__ - INFO - Initialization Complete. -2015-04-22 16:05:39,851 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-22 16:05:39,852 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-22 16:05:39,852 - __main__ - INFO - Generation 0 running... -2015-04-22 16:05:39,852 - __main__ - INFO - Running fitness function on generation 0... -2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,853 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,854 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,854 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,857 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,858 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,858 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,861 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,861 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,862 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,862 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,862 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,862 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,865 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,865 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,866 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,866 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,866 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,866 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,869 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,869 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,870 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,872 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,872 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,873 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,873 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,873 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,873 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,876 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,876 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,877 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,877 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,878 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,878 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,882 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,882 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,883 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,883 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,883 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,883 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,886 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,886 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,887 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,887 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,887 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,887 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,891 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,891 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,891 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,895 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,896 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,896 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,898 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,898 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,899 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,899 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,899 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,899 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,902 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,902 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,903 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,903 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,903 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,903 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,906 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,906 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,906 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,907 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,907 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,907 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,911 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,912 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,912 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:39,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:39,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:39,915 - __main__ - INFO - Performing learning on the offspring of generation 0... -2015-04-22 16:05:39,983 - __main__ - INFO - Learning on the offspring of generation 0 finished. -2015-04-22 16:05:39,983 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-22 16:05:39,983 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-22 16:05:39,984 - __main__ - INFO - Fitness Value of Best Individual: 1010045120210252260745393733632.000000 -2015-04-22 16:05:39,984 - __main__ - INFO - Average Fitness Value of Generation: 114068104345960345628850520064.000000 -2015-04-22 16:05:39,984 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-22 16:05:39,984 - __main__ - INFO - Generation 0 finished. -2015-04-22 16:05:39,984 - __main__ - INFO - Generation 1 running... -2015-04-22 16:05:39,984 - __main__ - INFO - Running fitness function on generation 1... -2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,985 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,985 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,985 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:39,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:39,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,988 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,989 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,989 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:39,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:39,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,992 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,992 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,993 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:39,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:39,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:39,995 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:39,996 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,996 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,996 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:39,996 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:39,996 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:39,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:39,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:39,999 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,000 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,000 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,003 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,003 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,003 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,006 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,006 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,007 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,007 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,007 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,007 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,010 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,011 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,011 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,016 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,016 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,016 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,020 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,020 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,020 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,024 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,024 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,024 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,028 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,028 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,028 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,029 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,029 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,029 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,032 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,033 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,033 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,036 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,037 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,037 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,039 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:40,040 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,040 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,040 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,041 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,041 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:40,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:40,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:40,044 - __main__ - INFO - Performing learning on the offspring of generation 1... -2015-04-22 16:05:40,114 - __main__ - INFO - Learning on the offspring of generation 1 finished. -2015-04-22 16:05:40,114 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-22 16:05:40,114 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-22 16:05:40,114 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 -2015-04-22 16:05:40,114 - __main__ - INFO - Average Fitness Value of Generation: 672408534324337364562232737792.000000 -2015-04-22 16:05:40,115 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-22 16:05:40,115 - __main__ - INFO - Generation 1 finished. -2015-04-22 16:05:40,115 - __main__ - INFO - Generation 2 running... -2015-04-22 16:05:40,115 - __main__ - INFO - Running fitness function on generation 2... -2015-04-22 16:05:40,115 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,115 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,116 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,116 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,116 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,116 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,119 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,120 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,120 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,122 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,123 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,123 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,123 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,123 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,123 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,126 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,126 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,126 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,127 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,127 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,127 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,130 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,131 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,131 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,134 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,134 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,134 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,137 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,137 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,138 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,138 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,138 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,138 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,141 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,141 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,141 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,146 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,146 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,147 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,150 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,151 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,151 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,154 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,154 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,154 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,157 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,157 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,158 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,158 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,158 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,158 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,162 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,162 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,162 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,163 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,163 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,163 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,166 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,166 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,166 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,170 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,171 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,171 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:40,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:40,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:40,174 - __main__ - INFO - Performing learning on the offspring of generation 2... -2015-04-22 16:05:40,244 - __main__ - INFO - Learning on the offspring of generation 2 finished. -2015-04-22 16:05:40,244 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-22 16:05:40,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-22 16:05:40,245 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:40,245 - __main__ - INFO - Average Fitness Value of Generation: 685518138929153128533392883712.000000 -2015-04-22 16:05:40,245 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-22 16:05:40,245 - __main__ - INFO - Generation 2 finished. -2015-04-22 16:05:40,245 - __main__ - INFO - Generation 3 running... -2015-04-22 16:05:40,245 - __main__ - INFO - Running fitness function on generation 3... -2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,246 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,246 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,246 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,249 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,249 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,250 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,250 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,250 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,250 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,253 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,253 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,254 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,254 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,254 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,254 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,257 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,258 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,258 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,261 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,261 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,262 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,264 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,265 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,265 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,265 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,265 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,265 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,272 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,273 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,274 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,274 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,275 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,275 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,281 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,281 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,281 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,282 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,282 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,282 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,288 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,288 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,289 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,289 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,289 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,289 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,292 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,292 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,293 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,293 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,294 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,294 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,297 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,298 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,298 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,298 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,298 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,298 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,301 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,301 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,302 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,302 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,302 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,302 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,305 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,305 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,306 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,309 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,309 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,310 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,310 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,310 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,310 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,315 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:40,315 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,316 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,316 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,316 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,316 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:40,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:40,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:40,319 - __main__ - INFO - Performing learning on the offspring of generation 3... -2015-04-22 16:05:40,388 - __main__ - INFO - Learning on the offspring of generation 3 finished. -2015-04-22 16:05:40,389 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-22 16:05:40,389 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-22 16:05:40,389 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:40,389 - __main__ - INFO - Average Fitness Value of Generation: 874881634273875036064079413248.000000 -2015-04-22 16:05:40,389 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-22 16:05:40,389 - __main__ - INFO - Generation 3 finished. -2015-04-22 16:05:40,389 - __main__ - INFO - Generation 4 running... -2015-04-22 16:05:40,389 - __main__ - INFO - Running fitness function on generation 4... -2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,390 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,391 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,391 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,394 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,395 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,395 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,397 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,398 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,398 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,398 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,398 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,398 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,401 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,402 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,402 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,405 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,405 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,405 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,408 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,408 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,409 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,409 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,409 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,409 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,412 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,412 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,412 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,415 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,415 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,416 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,416 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,416 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,416 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,420 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,421 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,421 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,421 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,421 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,422 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,425 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,426 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,426 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,426 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,426 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,426 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,429 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,430 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,430 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,433 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,433 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,434 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,436 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,436 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,437 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,437 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,437 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,437 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,440 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,441 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,441 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,444 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,445 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,445 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:40,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:40,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:40,448 - __main__ - INFO - Performing learning on the offspring of generation 4... -2015-04-22 16:05:40,518 - __main__ - INFO - Learning on the offspring of generation 4 finished. -2015-04-22 16:05:40,518 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-22 16:05:40,518 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:05:40,518 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:40,518 - __main__ - INFO - Average Fitness Value of Generation: 930383633540015333792389529600.000000 -2015-04-22 16:05:40,518 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-22 16:05:40,518 - __main__ - INFO - Generation 4 finished. -2015-04-22 16:05:40,518 - __main__ - INFO - Generation 5 running... -2015-04-22 16:05:40,519 - __main__ - INFO - Running fitness function on generation 5... -2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,519 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,520 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,520 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,523 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,523 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,523 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,527 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,528 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,528 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,531 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,531 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,532 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,535 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,536 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,536 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,538 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,538 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,539 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,539 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,539 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,539 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,542 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,542 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,543 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,543 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,543 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,543 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,548 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,548 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,549 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,552 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,553 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,553 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,556 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,556 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,556 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,559 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,559 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,560 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,560 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,560 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,560 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,563 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,564 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,564 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,567 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,567 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,567 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,570 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,570 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,571 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,571 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,571 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,571 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,575 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,575 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,576 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:40,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:40,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:40,580 - __main__ - INFO - Performing learning on the offspring of generation 5... -2015-04-22 16:05:40,648 - __main__ - INFO - Learning on the offspring of generation 5 finished. -2015-04-22 16:05:40,648 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-22 16:05:40,649 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:05:40,649 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:40,649 - __main__ - INFO - Average Fitness Value of Generation: 980388324437663207363667034112.000000 -2015-04-22 16:05:40,649 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-22 16:05:40,649 - __main__ - INFO - Generation 5 finished. -2015-04-22 16:05:40,649 - __main__ - INFO - Generation 6 running... -2015-04-22 16:05:40,649 - __main__ - INFO - Running fitness function on generation 6... -2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,650 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,650 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,651 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,654 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,654 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,654 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,658 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,659 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,659 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,661 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,661 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,662 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,662 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,662 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,662 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,666 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,666 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,666 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,669 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,670 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,670 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,670 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,670 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,670 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,673 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,673 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,673 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,674 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,674 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,674 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,678 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,678 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,678 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,679 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,679 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,679 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,683 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,683 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,683 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,686 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,686 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,687 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,687 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,687 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,687 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,687 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,690 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,691 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,691 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,693 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,693 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,694 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,694 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,694 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,694 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,697 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,697 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,697 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,698 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,698 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,698 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,701 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,701 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,701 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,705 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,705 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,705 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:40,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:40,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:40,709 - __main__ - INFO - Performing learning on the offspring of generation 6... -2015-04-22 16:05:40,781 - __main__ - INFO - Learning on the offspring of generation 6 finished. -2015-04-22 16:05:40,781 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-22 16:05:40,781 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-22 16:05:40,781 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:40,781 - __main__ - INFO - Average Fitness Value of Generation: 771332895097043702893147848704.000000 -2015-04-22 16:05:40,781 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-22 16:05:40,782 - __main__ - INFO - Generation 6 finished. -2015-04-22 16:05:40,782 - __main__ - INFO - Generation 7 running... -2015-04-22 16:05:40,782 - __main__ - INFO - Running fitness function on generation 7... -2015-04-22 16:05:40,782 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,782 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,783 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,783 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,783 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,783 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,786 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,786 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,787 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,787 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,787 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,787 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,790 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,790 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,791 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,791 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,791 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,791 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,794 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,794 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,794 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,795 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,795 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,795 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,798 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,799 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,799 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,802 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,802 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,802 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,806 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,806 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,807 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,807 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,807 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,808 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,811 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,812 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,812 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,815 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,815 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,815 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,819 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,819 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,819 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,822 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,822 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,823 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,823 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,823 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,823 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,826 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,826 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,826 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,829 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,829 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,830 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,830 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,830 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,830 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,833 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,833 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,833 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,836 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:05:40,836 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,837 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,837 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,837 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,837 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:05:40,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:05:40,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:05:40,842 - __main__ - INFO - Performing learning on the offspring of generation 7... -2015-04-22 16:05:40,909 - __main__ - INFO - Learning on the offspring of generation 7 finished. -2015-04-22 16:05:40,909 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-22 16:05:40,910 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:05:40,910 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 -2015-04-22 16:05:40,910 - __main__ - INFO - Average Fitness Value of Generation: 995650587477121701055666585600.000000 -2015-04-22 16:05:40,910 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-22 16:05:40,910 - __main__ - INFO - Generation 7 finished. -2015-04-22 16:05:40,910 - __main__ - INFO - Generation 8 running... -2015-04-22 16:05:40,910 - __main__ - INFO - Running fitness function on generation 8... -2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,911 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,911 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,911 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,915 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,915 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,915 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,918 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,918 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,919 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,919 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,919 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,919 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,922 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,923 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,923 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,926 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,926 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,926 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,927 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,927 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,927 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,930 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,930 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,930 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,933 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,933 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,934 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,934 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,934 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,934 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,937 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,938 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,938 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,943 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,944 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,944 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,947 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,948 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,948 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,951 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,951 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,951 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,954 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,954 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,954 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,955 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,955 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,955 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,958 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,958 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,959 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,961 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,961 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,962 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,962 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,962 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,962 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:40,965 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:40,966 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:40,966 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:05:40,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:05:40,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:05:40,969 - __main__ - INFO - Performing learning on the offspring of generation 8... -2015-04-22 16:05:41,039 - __main__ - INFO - Learning on the offspring of generation 8 finished. -2015-04-22 16:05:41,039 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-22 16:05:41,039 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-22 16:05:41,039 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:41,039 - __main__ - INFO - Average Fitness Value of Generation: 964749022082211689908173537280.000000 -2015-04-22 16:05:41,039 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-22 16:05:41,039 - __main__ - INFO - Generation 8 finished. -2015-04-22 16:05:41,039 - __main__ - INFO - Generation 9 running... -2015-04-22 16:05:41,039 - __main__ - INFO - Running fitness function on generation 9... -2015-04-22 16:05:41,040 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,040 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,040 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,041 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,041 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,041 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,044 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,045 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,045 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,047 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,047 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,048 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,048 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,048 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,048 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,051 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,051 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,051 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,052 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,052 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,052 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,055 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,055 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,056 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,059 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,060 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,060 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,063 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,063 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,064 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,067 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,067 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,068 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,073 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,073 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,073 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,076 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,077 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,077 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,080 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,080 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,081 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,081 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,081 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,081 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,084 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,084 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,085 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,085 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,085 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,085 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,088 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,088 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,089 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,089 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,089 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,089 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,092 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,093 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,093 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,096 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,096 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,096 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:05:41,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:05:41,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:05:41,099 - __main__ - INFO - Performing learning on the offspring of generation 9... -2015-04-22 16:05:41,169 - __main__ - INFO - Learning on the offspring of generation 9 finished. -2015-04-22 16:05:41,169 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-22 16:05:41,170 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-22 16:05:41,170 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:05:41,170 - __main__ - INFO - Average Fitness Value of Generation: 774593603001314141061645336576.000000 -2015-04-22 16:05:41,170 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-22 16:05:41,170 - __main__ - INFO - Generation 9 finished. -2015-04-22 16:05:41,170 - __main__ - INFO - Running Sudden change in environment test starting at generation 9... -2015-04-22 16:05:41,170 - __main__ - INFO - Initializing environment... -2015-04-22 16:05:41,170 - __main__ - INFO - Initialized environment. -2015-04-22 16:05:41,170 - __main__ - INFO - Running fitness function on generation 10... -2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,171 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,171 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,172 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,174 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,174 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,175 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,175 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,175 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,175 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,178 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,178 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,179 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,179 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,179 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,179 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,182 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,182 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,183 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,183 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,183 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,183 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,185 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,186 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,186 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,186 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,186 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,186 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,189 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,189 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,189 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,192 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,192 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,193 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,193 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,193 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,193 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,196 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,196 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,196 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,202 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,203 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,203 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,206 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,206 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,207 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,210 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,210 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,211 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,214 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,214 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,214 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,217 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,217 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,218 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,218 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,218 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,218 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,221 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,222 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,222 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,225 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,226 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,226 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:05:41,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:05:41,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:05:41,228 - __main__ - INFO - Performing learning on the offspring of generation 10... -2015-04-22 16:05:41,305 - __main__ - INFO - Learning on the offspring of generation 10 finished. -2015-04-22 16:05:41,305 - __main__ - INFO - Computing statistics for Run 0, Generation 10... -2015-04-22 16:05:41,305 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-22 16:05:41,305 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:05:41,305 - __main__ - INFO - Average Fitness Value of Generation: 989085944745442073313821065216.000000 -2015-04-22 16:05:41,305 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 10. -2015-04-22 16:05:41,306 - __main__ - INFO - Population has recovered after 1 iterations. -2015-04-22 16:05:41,306 - __main__ - INFO - Finished run 0. -2015-04-22 16:05:41,306 - __main__ - INFO - Starting run 1... -2015-04-22 16:05:41,306 - __main__ - INFO - Initializing population... -2015-04-22 16:05:41,307 - __main__ - INFO - Initialization Complete. -2015-04-22 16:05:41,307 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-22 16:05:41,309 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-22 16:05:41,309 - __main__ - INFO - Generation 0 running... -2015-04-22 16:05:41,309 - __main__ - INFO - Running fitness function on generation 0... -2015-04-22 16:05:41,309 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,310 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,310 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,310 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,310 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,310 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,314 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,315 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,315 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,318 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,318 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,318 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,321 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,321 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,321 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,322 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,322 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,322 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,325 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,325 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,325 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,328 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,328 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,328 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,329 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,329 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,329 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,332 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,332 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,332 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,337 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,338 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,338 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,341 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,342 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,342 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,344 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,345 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,345 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,345 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,345 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,345 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,348 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,349 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,349 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,349 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,350 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,350 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,353 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,354 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,354 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,357 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,357 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,357 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,361 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,361 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,361 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,364 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,365 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,365 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:05:41,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:05:41,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:05:41,369 - __main__ - INFO - Performing learning on the offspring of generation 0... -2015-04-22 16:05:41,438 - __main__ - INFO - Learning on the offspring of generation 0 finished. -2015-04-22 16:05:41,438 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-22 16:05:41,438 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:05:41,438 - __main__ - INFO - Fitness Value of Best Individual: 1040727734018910144695227121664.000000 -2015-04-22 16:05:41,438 - __main__ - INFO - Average Fitness Value of Generation: 129778698999921006536007090176.000000 -2015-04-22 16:05:41,438 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-22 16:05:41,438 - __main__ - INFO - Generation 0 finished. -2015-04-22 16:05:41,439 - __main__ - INFO - Generation 1 running... -2015-04-22 16:05:41,439 - __main__ - INFO - Running fitness function on generation 1... -2015-04-22 16:05:41,439 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,439 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,440 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,440 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,440 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,440 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,443 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,444 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,444 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,447 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,447 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,447 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,450 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,450 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,451 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,451 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,451 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,451 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,454 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,454 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,454 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,457 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,458 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,458 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,461 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,462 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,462 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,464 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,465 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,465 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,465 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,465 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,465 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,470 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,470 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,470 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,474 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,475 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,475 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,478 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,479 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,479 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,481 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,481 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,481 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,482 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,482 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,482 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,485 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,486 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,486 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,488 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,488 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,489 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,489 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,489 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,489 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,492 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,492 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,493 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:05:41,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:05:41,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:05:41,496 - __main__ - INFO - Performing learning on the offspring of generation 1... -2015-04-22 16:05:41,562 - __main__ - INFO - Learning on the offspring of generation 1 finished. -2015-04-22 16:05:41,562 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-22 16:05:41,563 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-22 16:05:41,563 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 -2015-04-22 16:05:41,563 - __main__ - INFO - Average Fitness Value of Generation: 338688247995654265251389505536.000000 -2015-04-22 16:05:41,563 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-22 16:05:41,563 - __main__ - INFO - Generation 1 finished. -2015-04-22 16:05:41,563 - __main__ - INFO - Generation 2 running... -2015-04-22 16:05:41,563 - __main__ - INFO - Running fitness function on generation 2... -2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,564 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,565 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,565 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,568 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,568 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,569 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,572 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,573 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,573 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,576 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,576 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,576 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,580 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,580 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,580 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,583 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,583 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,584 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,584 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,584 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,584 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,587 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,587 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,588 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,592 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,592 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,592 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,593 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,594 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,594 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,597 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,598 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,598 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,601 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,601 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,601 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,604 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,604 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,605 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,605 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,605 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,605 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,608 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,608 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,608 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,611 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,611 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,612 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,612 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,612 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,612 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,615 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,615 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,615 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,616 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,616 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,616 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,619 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,620 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,620 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:05:41,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:05:41,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:05:41,624 - __main__ - INFO - Performing learning on the offspring of generation 2... -2015-04-22 16:05:41,693 - __main__ - INFO - Learning on the offspring of generation 2 finished. -2015-04-22 16:05:41,694 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-22 16:05:41,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-22 16:05:41,694 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:05:41,694 - __main__ - INFO - Average Fitness Value of Generation: 394699123534837876905461415936.000000 -2015-04-22 16:05:41,694 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-22 16:05:41,694 - __main__ - INFO - Generation 2 finished. -2015-04-22 16:05:41,694 - __main__ - INFO - Generation 3 running... -2015-04-22 16:05:41,694 - __main__ - INFO - Running fitness function on generation 3... -2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,695 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,696 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,696 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,699 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,700 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,700 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,702 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,702 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,703 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,703 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,703 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,703 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,706 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,707 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,707 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,710 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,711 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,711 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,714 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,715 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,715 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,718 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,719 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,719 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,721 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,722 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,722 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,722 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,722 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,722 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,727 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,728 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,728 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,731 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,732 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,732 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,735 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,735 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,735 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,738 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,738 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,739 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,739 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,739 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,739 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,742 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,743 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,743 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,746 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,747 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,747 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,749 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:05:41,750 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,750 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,750 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,750 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,750 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:05:41,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:05:41,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:05:41,753 - __main__ - INFO - Performing learning on the offspring of generation 3... -2015-04-22 16:05:41,823 - __main__ - INFO - Learning on the offspring of generation 3 finished. -2015-04-22 16:05:41,823 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-22 16:05:41,823 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-22 16:05:41,823 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:05:41,824 - __main__ - INFO - Average Fitness Value of Generation: 637668436320093263678148706304.000000 -2015-04-22 16:05:41,824 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-22 16:05:41,824 - __main__ - INFO - Generation 3 finished. -2015-04-22 16:05:41,824 - __main__ - INFO - Generation 4 running... -2015-04-22 16:05:41,824 - __main__ - INFO - Running fitness function on generation 4... -2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,825 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,826 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,826 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,828 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,829 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,829 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,829 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,829 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,829 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,832 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,832 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,833 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,833 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,834 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,834 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,836 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,836 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,837 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,837 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,837 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,837 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,840 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,840 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,840 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,844 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,845 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,845 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,848 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,848 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,848 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,852 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,853 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,853 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,857 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,857 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,857 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,858 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,858 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,858 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,861 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,862 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,862 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,865 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,865 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,866 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,868 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,869 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,869 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,872 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,872 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,872 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,875 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,875 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,876 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,876 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,876 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,876 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,879 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,879 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,879 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:05:41,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:05:41,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:05:41,882 - __main__ - INFO - Performing learning on the offspring of generation 4... -2015-04-22 16:05:41,953 - __main__ - INFO - Learning on the offspring of generation 4 finished. -2015-04-22 16:05:41,953 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-22 16:05:41,953 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:05:41,954 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:05:41,954 - __main__ - INFO - Average Fitness Value of Generation: 738497466589085227055740616704.000000 -2015-04-22 16:05:41,954 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-22 16:05:41,954 - __main__ - INFO - Generation 4 finished. -2015-04-22 16:05:41,954 - __main__ - INFO - Generation 5 running... -2015-04-22 16:05:41,954 - __main__ - INFO - Running fitness function on generation 5... -2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,955 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,955 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,955 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,958 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,958 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,959 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,959 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,959 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,959 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,962 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,963 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,963 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,966 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,967 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,967 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,969 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,969 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,970 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,970 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,970 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,970 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,974 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,974 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,974 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,975 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,975 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,975 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,978 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,978 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,979 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,979 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,979 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,979 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,982 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,982 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,983 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,983 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,983 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,983 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,988 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,989 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,989 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,992 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,992 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,993 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,993 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,993 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,993 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:41,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:41,996 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:41,996 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:41,997 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:41,997 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:41,997 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:41,997 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:41,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:42,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:42,000 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:42,000 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,001 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,001 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,001 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,001 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:42,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:42,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,004 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,005 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,005 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:42,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:42,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,008 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,008 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,008 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:42,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:42,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:42,011 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:05:42,012 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,012 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,012 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,012 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,012 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:05:42,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:05:42,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:05:42,016 - __main__ - INFO - Performing learning on the offspring of generation 5... -2015-04-22 16:05:42,086 - __main__ - INFO - Learning on the offspring of generation 5 finished. -2015-04-22 16:05:42,086 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-22 16:05:42,086 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:05:42,086 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:05:42,086 - __main__ - INFO - Average Fitness Value of Generation: 819932084640701407020795822080.000000 -2015-04-22 16:05:42,086 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-22 16:05:42,086 - __main__ - INFO - Generation 5 finished. -2015-04-22 16:05:42,086 - __main__ - INFO - Generation 6 running... -2015-04-22 16:05:42,086 - __main__ - INFO - Running fitness function on generation 6... -2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,087 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,088 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,088 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,091 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,092 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,092 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,094 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,095 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,095 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,095 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,095 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,095 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,098 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,099 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,099 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,102 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,103 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,103 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,105 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,106 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,106 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,106 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,106 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,106 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,110 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,110 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,111 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,111 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,111 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,111 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,114 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,114 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,115 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,115 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,115 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,115 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,120 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,121 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,121 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,124 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,125 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,125 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,128 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,129 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,129 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,132 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,132 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,133 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,133 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,133 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,133 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,136 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,136 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,136 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,140 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,140 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,140 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:05:42,144 - __main__ - INFO - First parent has been selected. -2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:05:42,144 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:05:42,144 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:05:42,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:05:42,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:05:42,148 - __main__ - INFO - Performing learning on the offspring of generation 6... diff --git a/genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf b/genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf deleted file mode 100644 index 12b4ecba5d63504bbd25bb0231c4a7b6d3b9bb30..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 14009 zcmb`u2{={V7cibAx)d2x)Inys^S!PqW5|?QQJJoJyskMSvyen0DH%eOu>p;enM{?G zHxbE{q0r>p=c@OO{C|JX_k4PGd!K#QS$j=;t#$TYNBDr+zCCDZ976coYv^hv0u7-c z4;yEMygY<74)7#HNL6d9wX25%ggjvFK=y_(0KgDZR78;7?O;HeKOQjGw{a%hQXwJ@ z20TEek}2*G9==2%4^TX8jmT8U0-#dc2hfxKsSr}j4WL!|)vNyMwV=ZgQr(}bVMMj2 zk|Ep@0wYIjJ12Jsh_HlypNBgY!qUe7k%LBoiQf!pP&|A*A($0aBM7NR_I0u)8)|^X zz?Ct@+TGjJnnHHB4fxIK61<`!%qzG-U1Ao2)Fs3DH@Xs7i*Y)m1u|-XO*gbQ%6+rJstDy$O37O85(qNvfDH`vd(xo9~j`Vco!XKRi_U$Cpsg+6{-f ztS~L9ExFlMCZl@VkI+0nDeCHv#`&wrJZZVN^O7a=8T_Qn?$W)#Lpajqn3!HJw#)5m z{aNq4dVj~pEh5OD^ftQTaffzXsjeM-edwjsTcKl4fvPts(OC%WSR4^nuGKa_cKnF-DG* zQLEaN<~zkVB#w<;E$xzQ7tSkGs5SjeeBRNuv*HUGgS8yi8z#r2hcr`zttR^?dnnr_ z$0|qf-p+o0>c_)rt4(aCgy$k=X3SyTx9D%aVzVl$I7F?iJ7O}v$=r(6(Ym|HK)JJa z@j`(A&Ycl5GfV*~s)NlrnMenw3%#?)wck}2{ycf!`Pl>Nt28I8Olh;b0-JJ6HLfP^ zewvOjxnc%I&XFqYvl>~g;V)1 z;MKZ2x%o3=^yDi}T9ux%?Yz>Sq(xOV3%7ixDV@MlP#;^6+hnnIPryJu%LtAt+hv;; z9+B(GH&cDB??i6?3C^2y>YjvMCkxE-7{pE|zTP~LZB$+H9_QNL&e5)Q`~LdMBl;{; zyd6$VJ_U8s(P{RDj>)z0&BpPMjW0P4ZxkBgGja5aRih`?s9k&exYk?Ze2iuWGnYXK zjv}<{nUmX4Vc-}gX{+0NOY72{VI$?ZGpdL?Zrfx3ThFU9;EewzThYtjDk{BA4w_d4 zy0Ujx@!8q2P>j8v5A5VsXC_ew;-v#fS!pIWxkqb{ZfLQ!Q8m%(ac{EsY#{#cOg~tWCC)wR=#zI|eCh zJ4BW0&3Iknh->N$eKHjqSm1m_gy0x()&;;7X0+CJJ>Wmqf0WU>V(hZ->+Yb1YOx1L zzdrXk&V7_;hyR_(G}iMi?|Qe`&sDiy(>>a!B?$xl-{R)5wdT1KU4M@bDTu{M`1L z`^#LFoKofJp|&268k?;LVTbx_Xa91ov>gw-1`-kf+ufpJ=eHJjL6Cu+^uMkGizOJL z4iux-v*+hWA%^yyMTkdPDk;XKHZgEC(UmnzHHS$FF(;knlU8N6MY-9y=33d?Y_vNF zp`pr-b(DGb)2q-2`}wudB7<5+i+X(3=7%UIwV-^f4Iv`-7sXP`j_-i>zxLFx47wxB zjxp-9j*8xp#Ud4DG_^53#|nREpJBpA3{v@lhuOy2h^S|QUf~{k6!KCa_^zu`dDuD6SH_{ZPdga442CR z@pCC@4^2>(%&#UcH~z$E>0F5F47yDpUOMF!-l6sFi&x;ft3LuazG3a)6Et6i!nHbm z42Wlcsu6#nX|pPtsmcMtUBJ0M%r49Hp3kC-+cP=qt&1w=^(jmNg$=FZBif3xI;^*( zACw3(U-uCnYs`SMBqy`eOH0~czO(Y&E^;K4n`rgHDPcRF+J7QnI#ngCR`^r;F`u9h z_w{-Gop~v~8@8%8SZ#8y+d`JV5}p8Iv<*t_hR_0H1W(AyioWu2Aak%OUQH`GYl9f^4t zJ*w;GSe4cpmH#ao%%1`Le<=@5TqYSTq5J?Uw1!hvdfoPv^<%3b{xh}tUx=|QFyjri zDM04E4~#s+TF*TQ&Z3q&PdvCDAu3tCM@dB*d9Xt}q)WIruV&C}*PL*PisGs9jAp~y zIqovfwmmmB+P2=_gV-r$;Z=I${f0Ip5oZFxA%({&?`;Ypk=!HL& z+kxrZdgk5s~y>2%;2nI_ESnaY5#HUoz%OitpUb zp%ANCO1Vcgjp<7=ORjSe7U5-kBT}MU{&3)RYI#KZITeN>^U!W;S>;zg9rJveR-m-U5)?TW1ZN@s2cVI=Yvx>6{Vf(e7#91Uqjb-{BfxTVNyUXX8|jf z@~BR1H(j)z?QTRzap=}C(!Juidqd15?uRkt3mH-@ZjQoLfr*h1pJkTiSwDS|^<&MI1f^T)OL3@moJ1H&7VZoE-q84X4phC+Q?GKU!oLni)-N;!&9EjNwJNaRj+ zS|AIU>^UR-U|h>BcE|Kw10t3q*-ZFV9?R(i3-Xc14;-4R??2Dn3TdYz&YVfE6K4L& zlGZ29H*D*&_mq&ILZFpNd;~jP6DLQG%R$+ynv8_+^7(Xo-)*JbFu%=b%cZ%w((4u1 zr0PsS{dUOy+}Sw9VbfUd5ap>$8rOs8%#F>V_HjNf&-jD`r$c?iUTLzB%DAfvkY5j` zoZCblKPfnI`60VjbEeH<*{`gMRH=dogn_1;iTl55O1kL0^2^b3Y8E_mBTe0d=n<@N zM`=d7@%WJzNZIJQnA5RmMHg(vGI+_6eta1$xH`V*W)AsiEPKjquvo}ZZIMc`(|fmU z&OUy0XHIp#NRa67# z(rZx-nt)xl^>mZuw$z|lRQ)cV;9-J34zvXrQk^Fsm{Qm;g+F3!OcL|)X0m^KNuav# z;mJMxX5<;hZ z?CHlpe$p1dLBFSSBseANg`#8SeLv)f`j!Zt_uP$|wP#YFoZ+>)3iftx2sbqQi?X*3WjOvDwD0W6JkC+1NAh zBzZ7ouufV|Tk!TVMz=HH;))n^-A^M@u=}248{T1&tiy0&`$TF^%FANoi`xfx;@+f~UQG8T zGfE{8?eau?zJBf;VAMwCA=%rNW1d_bq(n-lWjU-v+)G|(;?lWY# zO2X1<@9W$mWaak!9AvV-THS@IocrB$q@JXpB8f;v>6&Ck))yQ0n+LTyZsw_ss_yU% zO!it_*i|jr_hNF_s~LN{Rb;u=91erSEt93LftLFdnk>IRTzB?bZGe7U)~m&%+Opep zSfjQbe8=u5DpLBXG_sOgmhUKGdjCt7?>ozfp0veqEw&Q`uOB<$7N+w=?esJCH;%7` z-h7f!`*s>}q_EGnMdS5#oX5z^+Mj)lof#TM*AP=lw%&F^PKP*k&Xwry?~58v?h zbp#(<9x0G3`R6Ov7ZvSe&tElX6>Qm=&fX~6;_Rq*<(xoS_Riad<_%)63osHBM!Zf6 z^}RAp>+}*i8XXmSN-|=mjV@ZM9MO5QscLM@JVsZ_m9Hbj`0JDDnd`&>kNk?WDo+_= zpK+%3wfUc#-22AdVzvBWtw|>ay<+DcAZ?*XGmZU-TTt2^?uMG|5j*_zpD4OKbM&F1 z$07V2b)S+Mj;{YF?sh!a4*R%C^P@?M! z>@3_ru*VV9uMAG=dTSHkf63MAbUVa*E^tNmq`bYN6#BN5lCRn2 zOkt_L-Npx@e|U+@m$2# zhU@#@x6J0eV7u?+x9def^cT&6z8d5Et)%YOsyHSm=7Zhk_mf;X8@9OYmC)^NZDK2V z>$=_a179Cgm6@NY_O_4*((FL)l32E5h7go@%r7Gg`3TA3SZMdVJ?z^cYr3p<%FV@6g=_W6t|r zMd!~Q;IZld;kcoin~D^aY-IfB6q&`lb?$8rTbh*!&gzTC8&7OHz|+DLV@g$qa|AUX1K8IC(-c z<@qM+<>yZ-o8Mj?{^CniMNYphsPqqJ8PzU+{2?z$>evmHUCpyPa(-Gu_dexwY_(@) zFigL2I#pJ|Ciu3};zhFL{I`a-nIFttVwMuC$ZxGFJ_ffux!hwwN~Tw4Y8vJWRPpYd zENMDDw>W}mqzjKyg=F`59eAqGc2=@)y56L`e=>dBBfm%4|1|pS;3lzgX?AQg)-5<( zz4IQUFQ5JTnOwY7IPWO^URwk)(92)vY0tP1FMdPN3m1L+0~kpjuZAZKMm{g=(`)qe zT>(SQ?2jUaSmmS*IadvG68LIEMw)~!SepnrvwXAE z?tS6S(YhTc$9+|vl&4{q+0;>`2nBm?t9N%_|IyE_|mi$g|*HMSyG0&QZ%FlR~mwGMoYiT{yv0A3uL) zaK=tFb?)c5BBsGKR4aC!7}6)bG+!Qa64|ua-rsK{_ulViR!j543N<80lXzRUg;xUx6Iv7c4tjwi{*PqdGkUad*Y%DhiuHQ9%qsB zkV5uI)u%KwWAAf)G6zaFW%(u*konpsGZreb;pja{;`kRln0+$Jde+qKi_b8s!E<~=cd~yL=83^ zi3;l3B<-;+?T1YBu}?=1kz=jpNqE=vbT%#>n{>;crC#}4<6 zjyo3fKeK{9rKjEV@Wxwe+~H zT+mKoVSD^z1)e`_4ny8OruzYRjEL#|B-^voQ~!?i>$Ij54v)`1G&4@~yN5j7qZ#ZM zT@+$(7gVO%l9ZY%`&k7i@={={f)KEIDev%H@#}`~?~7T4N`Fkfr6-q=d`XD2-y=n+ ze}rqludeI%t6j2}vYDE0Nyo^h@4oD7?d3dmRzUEgk1f7#{-mCuZ{5JpYp79!-N_ve zjBmU|a&*rgrYGGEC@MCUAjK#iX@45=ky;dHTm9nJEQizEyI+p>Gb#ozp4#^HZr|Rg z6PALjNNvqIJZ^b+Sy$=-j@AHflIJ7tU5c|29huSP9 zDIV`M_9-hcKj4Xchkeq<6RF%9k*k#XnU^iyKkC&!_Yc0Ft<^Qyc+z^F+C!fCo#|gJ zUk+w6in6u3rA)=ERB9P>c^O~y(wQnMZA*9&mRI3g)_HnNAR$6qOIRc=#7JVXT--w9 z!z*=;V$H#@GrG8bslBSnHqDn(4CYW3iL+j%r!{<@HS}bX_N4brTp8Cn#%eB-Zt!0G z!Z1crv~b2!FLp2@e&AAP6KP77A_W_OR62^*v*bYDrjBfl7baq1_1;-!PM zpSPBu#$wl+wWF~sUXM>Hv)6#+YBD4;E3|}eCW{)l|L5^NNrVZ8@%YfwQ79&P8)IB-6)w{Dimr68{aJzS* ze*R(b#lBr8w{~ARvD4yXgmnAvY4!EqFO5-cAD?P#pSm*M)3?iB5&L2lTUcuvz49Cx zbNc`|N5;{yM{$cFhU_=e&XMmI#@H!kjJ7Uc{bF zONL%BZR5Iza<2EQ(6ZL7b>+c>deU8=4QLisZ<8=~|4`YFyn8jueq3R8s_s+z>L1}B zqp+!la=13Kee>SFTg|xYM9k}i&*Z1`1tm&)<A}a+u|4eIAd)8jtjM+uX>xY>AW= zWN%I$xT+*{Ot!R6)uJ~&ME2(KF@Z^rMG1*vcWXN7q6wu1!(CHdr+N%NW@Mj|kaXGU z{OSQym0-%PU`su6W@Qj#`C|u3vv0xl1;etTtMIz!bQr&451!UeriYl+=CV!*g?=BD zPtP!+ERN&O=@5L=3VuZF7s_Xs8s-c@{ivUAvAZ==!FTmS!umKt&gMahS@W>&3*zsZ zE7U4JmtZKbNBG0vZ63anX^^5+dmUQJzVa_|>B-i=yGf(d~c5~g)BYgWPyp8chNcJY3Y28acQAz_t;(?S+ zU#7gOW|WF=S8vL7Wg4t!i{GMLrFY}F*XZ}YMcJAQ!>?G(68)y+bX=+ikm!cEyP@h6 zoLw^tJl98A_$M3EZ7H3>s>7DWO>dO*+rIA_ont)^XCL#o9C2$-mC-9Ql>=2y$ae*OLl-9+zWMsGn{uyq|4q+f%Klkf>I9Zz0abD_<6& z=DE*#I*w{xTUxK0+r0s=K<`qq?nYnW0?|=}${RYy5j%j(<5OLHey47fK03~Dm7hRx zYt4kw1oX0e0=#vx*FY@btxHAYlg7qlS=7q?lMk*7=$3_EDN)+!C%U1qf`Ox*0qLe) z$*gFxsr9M<2ZB4EeQ<+MsA=wiV~Sz$-CCzq>XakFTax)Y2fzK6z?2-`OKh@SedCu0 zDfttv3mTrEkABuDnaFH;^3d-6mI(XL;uFWt^BWv~V|Tp6*8RE5ajq{##pT!X-beJd z9>!kUFj2@i{)3^=TQ*`9Ls)aly5b~nk0B{>H=3pC2O`93-RSgG)=r(SZ;Mnd69$GN z*CzQvN{yOuh*VOqfy=uW`|K}0{&e$dbL6CEZ@p}cOTD^f!`a6UYEpyfC-P5DO!m(6 z?p(Om+)&2&6xlP!YdTiAsY&JONo;wIL}HCZeTmhmU{R32QEpA)?w1267Zq#0c}{TO z7jk@vTo}G8g;POVLY+M`ltbps1fPal_@inCehWt893 z0O>@G8(Gc8+95pmY3-Mxm#6YJ9RBc>oGY__Azk7z{r-$**UQk)`VoOE7`FTyBl|^f z8*ur3Y_Kf5TYW(bV=<>5*TUI4`Z)cw-#N_H7P)}49C>=`^SnW~Hf+8y@Uh1wJ#yb| z(j!UXV+7wo%JjXAgRBjOnwngll?c6@dQR<^XXi8GGCI1NKK+w6$9sH{4*TvH-6~31 zYdVX@ugK4m?!voM&D%tI6MHe!$CA2szr{kHh5h9o>-I$76gDc_B`TQz`i0{xDqzb+ zU13wHmm;^$Y^UttR^E?3=dXvpnsYllJ-Tc3PC?NfAN$l!r>4f*<1>zC*fR=`@gGG$ z>3*2MC|_Rq!Q#?Q=9FNi3YiO92hhPcZNhRgeUA%fZhNc9tC21)%G!VSDwXX7+ycD;2nPl_z?c&DuCdcFmcNrNd zUS-d&@MUn`etqH-ImS-Ix#VUOS$w+c^QLVPTthMXoUxI^VO#74r$p&(g1+?Fn3*Aq zw(>sLie@z2(BbONj>4&zehlC7(yR`@S6`#&QG@b>xJUB@nRKL9z)^;5wo^Pmx3u-t zmn5t1=9~_$co-w(8oD)Ge_V(S6!fUiO{5ztikQSruG=TT7hGh9spdJ|;~dqp$a}a) z062$i;qQLQ!2lv#d+fse0(kMLB3^dB*8Jb7xaA#eW|kMQwl zp}Br@C&Fcwr|;|#&y;rWF$>&r>P(i%x{_HP)$xC<)Vog};@or8-S(M{#QnWrcSC1= zrjN+XCb9SJs^#GiT7|x~CXU1v$FK3fj~JgZ5zMV7&uFWI6RKl+^hkczw9AhUZLT~a zh%E3HeMp{LWzdo~yINkidjA zA%EVSaX$9=#}zq|^l2 zt+(3W<*xKpwVhYDhZ>PCFr_e(00_nX;gJ+QxUb=J*0JR*i)!Kt5=yBJ?nMztiJ2qIdRj|pBUsC>FDqM=u1v$ z3wkRRZ`nJhBl@Y`=?Wjm_4_+*euVFJ)jn@oCmF5ISx_y;6!Jou!|RxN?VMeXnqN8H zb0LmyM`1P=_Q$Q`sA>PF0U$t?56!AM=BVxLO5Ca-R$BW$ldJg3_iHUBd|9j_K_2C& zQkt6!BDlJI0}F1o+46V!WqtelolbgPHt*jG1^L<^n;BHisgb>HDNdeL4+?}{D)&R` zS-XM4I29-A(kq%NnPP1O%K7#fdbnA;Bam=qpsqEQ;zX<1lSZN7YzX}OcLa*{RII(p zvgyftL8KEv7yo`BH_A7ET}1Tw5Gr{jR1mH;rP4WZwc!@CyF-} z27ypZ1gR_)5bie7bH79#}GF+GlDhVwh zkhUN}p`tDDnlcbFkWBG_kRI-UeX1WAQ5`8{Ft!JUhv0uFUoiFtY$LtNzGQa@Np^B@ z1VxtaPVQs`fdIG$WJ5$Wgw%kD0Gl3!)Q4oi0)`NY2qCQ@qz#0$h0s7?NEj;^;UJ_V zgmeNU5`=UEsKDw7G*A)}Ea(jgfRH{A(icMd!F(*0jQ-0F2zp2z>tAxfEWOeEE^hiW zMSxWd*IUx$LQ~)WkQON4q>|lCfl}Z)Ne6ErAq3J~bBR?vI2r#%1+0fZY=?&S|Hp82 zt^H|A2Zn|NQc<<`{DqbXj@^)2pb*x{R@vRbl?*SgyhJmsLBQv4wtlCh77zi2`hU?7 z|F?LsXc-6xG>IdiAQ@0iLBJ9aBs>Zz9tB~*4?tK@{scEXpcB3i!(+kg0IkOoVfg>m z5WnwZ0W92L9KRbL1X?r-767nzf($@Jl7Wasa1G2E4;ClF4Ud5^Bs>B%h=38^0Tka}*xP9ncEfz$%RdJRi+2fd3}^(SF;+?;aKk&^vNyRUJUXa5qXin8GY4{|UCS0F@v`)LT6bCTBLKW=qAy7O(yQKljtutL(#RgTl%e9;Jd_+KX@^Dv!zpxNflf|IWcoYtUK@(7D41Ny^CyGLeiqk&Zu=BA6 zUnPjSSyMe-J*ciuHjt;CJ!E5T>jI)40HL7*>DiwU;F}U@tQ6!(rFzODk^em^?Ll!6 z|3e)96tX=6_SFawE`I%iXn+R>WDos22X7Pj4|4xChsF?L(_b-%hi!S~94JUyIY+<) z!&m`F01;s291*Ozd=6X@fCk~ee`!IXz}Fyu&0$b0*Fd3h@Mc){EETE}lnfCV z>T@K#v{2i5?QbmbhL^!FSbWmm$HU<+D~4}&JHqy>e+0MEG+jsRZxR?J~h zGJidb#lp^P`5IUP?4ef7k^bfbhxtn`C>;JTU7~PA)L%LRLF(^0EbI@LuM0lz`Ab#= z6zp`C!-0VHHyj)lSHh9-fAK~Hdu$~f$T0t&!~czsC`0%Qp9~uRmmPq>^cQb3M36eH zppS%t!^v{qNI3XKYsDM^4o@rQh{V6=NUQ8iqRb!kQ7P6=u4D@B6EiJ$d*JzDw*>sS np@#?T&1hpIr$91r3b3Q_rdm^|G&h09fMgpXEUd1-5AlBh3&`o= diff --git a/genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf deleted file mode 100644 index e548131973d91f92deef6e171bdcdc229cb01edd..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 12811 zcmb`u2{@JC6F5%xOURm1y$D%y_j_IYzGPoQp={T_Ue^*S5h6*}NLnmKQMMMT6tX6Y zN~BMbWGyYIZgtXk}Plk}1j#Ni)KQ{gYxegfL)&Ii#Y3Ap5$&6XpL}U}NIsNp_|} zMA{s%fJ!A(d?7r1i9niC{G2VwRLB;f($WFw$)QvTsqX{OYW(UofA#v1J%rQ_rRrKx z9jRmpw}8OH-O*1Afjf5c8^6-ExQ-mI1Dkx# zqLU3wLpnDn2(NKTeSY=2-qZI#=QyQ$WKwqPYX@_A+2qf(x7CS|_%6nAb_tTZqJMBA zx_sOQ?@E$4d6joE`MsSj3w6b9s0nZ{s7pJ(_tvAA-Bs=r1@EqjJ-xWi^O}BYv;?o( zp0QJ#TP3c<=liV3Dv96o^UQZXgy+z_{7mHHr0ti?7e$x63|-A`r^;_03^A1wFb#>` z^3*eO_}=bB^&j+cFY<_Kl~K>s+?5yMirz8qZ<*`5+IQuaOXyZxLYPT}DL`-Z9`45y#;e~*0HJ2tkBJ7y5C%ldS^ zOMJPE=(%B>2-8-r;3pNI0@tbKo;WdoVhz0*>RA9Q_F+<_@bet$hQpyD`Evb- z$w)Ng=OX(g3oB+OvGDt5q-^sZ04pg)IHysQl|JFhrkQzW@SELn=-SdX?^`Flo0-FGI*@L=PH z$EW(NpHg;PDNwR89VhJvw|k*a307Jb#**SLtc(SmxCDJk_)*YC({ zjyz3Q{ER5+%vC1m;cqu3*i0R-UHheB{j=F8Ma5R%ST8*Yx|)%mbg_^F=PIaPW+^^J zsTdnx;~^e?j?h+$xZ-KA?-}#-NO#(?r=Ky~k=^RGnF+p$qdz>VsuNE!;jd7%x^`F( z3A}!Od2*yW@_3dd|8A?i(JQ_w6|*mU$9=!g4SbqYy)`#Wtg_p*XwR(ybhd|w=K&|8Ut36esl(t_drLLqq*@d`9|}YVsb^Jyt7?%$=L43l8n|q&vQ|> zqjYB|4jHEm*ohm2*d5oOI3CmLkjkE)(Yo1jYv$zF0mZ#N*E#LPPB!DsnX1_&XYzR~ zKFF_)v^;#+QLX>GT)lDWoCI^x*+UwapQlI2^mIol-`ZX5@=W2LA`m1eXKdY)TjM`M8SR+iIwaJ~ALZ)mo@*+;!9<~KQe zBPsWS`Zcvn$86(E1;%>1&Bbe;vZ=hUmsM$MlzFhfE7sBQ{yVwoaLD_ziPk77qo_tZn=6fZ&GITp~cV0 z)69G4WyISvOTxnEYkDW9M;;wNu6ivsDk9#|P`YNS=T3vo-EF5RKeuUaaN7HM!~T5- zA3xr6JJU7m=B+KaZY%Vu9^C10IlH)~dY_7}Ci=NX6QzsT@gfW#Vn6uV|BPJ0vT{o}3{p zr^)V&@^SLccW`xLcG(4?q3XwUlo_5AD=-MhpVjb!BQ52HP-%)XMd45^DLS!g87Ja3 z5<~>`=<3_vMzIY=?qXKka9*CJR3c7hE!~6RwGt~3{yP}{FHbIyT0&Sm@z&Z}6suNv zp#$Rq3D+~*(kl*bgm(1#n^cG2P~gE>^gG7JG3Ii}##(%2&dPJZ-_S8Xc6u!Ds_)*Q zLqlN}m%dE1NSg!)2Pi*m75cmaU#pEUq@{cr9aHD2g;*ITYeY>ol7k*gUHRjBF~E&LkVtznMQ! zH?e*2T*{}G+>NsvbH+a?R`|Y_^b8j5r0`?9DsYYKS$VZLEA7)R^nX+FG^88H)8)!; zoIzh|teVJ4=ODUgSL9f!7RlgoQo$L&n#O4^H9CvR6-4uQO7_1*gC;JK3>LQL$T~hv zIl2vLYsOYU45xCdc}%d&FyqY)C_v`DcP;!6wV%8jkxMQ2oVZ(ZSW@Qdb~Oz-tud$j$E?xS_rw<8$Mc$H@`lKi4wkGh5xLLDPUaGbxNa~xP%b*ONlb0%G!ax^vc6o zCpDOcY$Cg<71iH_4Q&Rl9{wopD9{~kl#4Gq>{^-R>{1sxecv!XCbo{p^i)JTTXE*` zCw**Ug}O$;xB!Su^^QZ`M&tZLSMD^Xsjx4tT*osrhMN(+0@(WJUtQ-YQ<;fcnR?x+M|QHkLL}=eV%G zf8sII6OqA(Ug&X&D8cI`b8+;Q2Qj;a&XT>NZsP;Hjn)s#iyOOWebsGLWHw9aE-!o zZM;fxSe~@c5!(*zHIS&@c0!eN?YV<{H|HhhF#FL5cAmMGz##as$MK4=L(Job?7;{% zY2Gl0Z}ZP)_Wk_9Abc&-as}1E?;WdA4Vr*m^5_{QD{|JMI5b1fLZm++g}uTrX{*_*{4y*2 z9lCC;n~{&4jyFFs*UN1ycO(2U?>ka$lM0vaaQ$`{&DVvY`lNFzX1Lvc3fJ@k@7B0r z1^MT&eGxI^Ly;~x{Xvn=x0JWLq{37(Uu-?~@nyuvWamH^F%NrQ z?Z)Yjut#eRr~G`u^{lFM?CFcP+>4x>vv^u0A9}hQUpOgJac=YV zBAe!IeHSs(6Ba@q%1yoUt#rmoye;m^J!RQPrYz3bY3wnqXS+2vW^=?y)?4`T0n2ao zQ=dwR1Ac{785$3m;yd^<`yYiKpHzKmW4lraS#3f@Tq-*(p12bvXO(n3g|R~`Bxi6xMJIs?n(7rG@X%uKceET(D|B26Tp_5_D zLcTKpyhW};!gNFsUzF?IRN@S7H+;R=6R%Z`Y)XETZNO%P>*>7G#MiDw z$WLyE)XnXpyvWJp?=$llcu?r;vTDKB=X1n88XwPNb3e|~)Aw2wtstD$rfV3?(vYv6 zY>>nt!mT--b6@xDPygJc@{zuSigF5_-dDx9J;UB);0^!SWSHh#<8ni>jsMJRAynYZ zj+5T?hQr2oVriv(uPx88Cbjn0ygwTsuGOBG%e1SzeXS?GTgp(>c$D0`M1Ep>bBWH| zhoAGFao_O>+45{(+*iGU{yNJ$?WFGZTM4Wl?7O-v?<9NkHFJ8YN*ndIw{n;L=e@yd zSh%0{mUW1v!TJMtr%>X&s$4I>neDeH=8f{XNm@&IJ=!;{|92uvx$Nfl zU;Q+jS(EQW=a5nt#09=SFyMI2V#{@B@Wf8dgPT>+V^~?`=D{x2p_|Q?e0TVZPn|Rs zbb3AK&R8QrMT*L_u)I1><_K(`{x6R^(?J5~aM@2^La@6A>vBK-TvDC-Da-XCMtriR z{135B<5t9Sg$l?!RGjzC13E3n9>L^?4ta@X>B$Y0%@+|VOuHSPz29hdG)gAzDI4|t z)B5VR|1Q1z8cftgPW^YWIy8b~)Zps<;ev44{iPaP+CCd9hUkmk{!qxf&XtSFJnQs{ zbOmLni0f+eXUH-$-pT81jld_9WvwTs z=ieh*=%ZsbA%*P$rVmWGGi3Uwns!#cp3GW*FXZ02S1mys1xVcddXLvz8eO!n*?gNN zSlD&Vr+mC@w9qJnsxyKZ77%Lqpl3Wt2+tV)%*({p6eA-T&|J@C5%jz%tInh_k$v3m z(b}e)>zGow5(I{Sm+Vu7u|3Ibeh7EN6G;)1O}nE~HQ=Y$Q!G6jkm#DGLy zj2(McO)itk28wI#=-_U_5YXl*9FD2n@Zqs@PN-vQy9|=mNv3loI}bV&OCID3+^jmA zL@jmo$|;H|aLN*XI!dr9aVB-}lZ#~f^v`h>OtV#_emvbaWKdRlp%UaF!8YId`n8kd z+mPqE58G<1w2-{5QjgBb)c0x6mS-KSE>~zMu0x%+{d_U!Xsl6c_B&|qk@FRN$j#+)({jexY;3#( zduMD1n=;R}*ESOoirHoFH=L3mJ20v9v?a0BUF1NMwdAO{L!X6&Hjj((H5=cf-MJIz zwiO1(1`0tVJqfYqLr&J04ss~^$s&7Xo6_3YF*+BFa^*vt4jjw=yf6J-=p4QGr$EIO z1i#u`5re}o3254;w~lE7Kcvhg$m%dB8=f1Ym)?6tkBpOI=;if{_Qn&*hJDA!G_)bg-^1++C3l4 zVUgr+_euMhs8OwN$sb^OCcyAxarvWT&khw-c~?9+F(z{Cuz|j~MCJht>G?`2Tj}8! z+Pqiw1`nkg;aW?9F&FC^bknom6Q@h3yl*aU)Q4f_cwt?Og17@}0% zH1z#)cfyuE_nCrinGcH^TSj2N12bKH9oq}K`o0(a0#e(y?5s}Ezh5$CC#h(9t)rM) zLyQz+Sx<7PODW-e=I%#Vr^5C5yiUVc{<9Zlp`YzNuJ`)U&3acQhnS6(0~8ug`0L9* zSfiFu@`kVa>FY_*Q)kkYs1wfVfv1JAwQV8Sf*y&!LnYI*E&!C%Xk9T^8M>>r_#Lhc1Q(L zp0<>MOKM{K70MemZF{p0C|o%>CNjx8FD?Df*O6YXctUN~e9OnK<2`00+2@W+%Xn?} zd~uicmT20w2s>kPPIWj-<$X69>+cZ^7vCvFuCUkDX2{F@33es9XK-7|2^z|>w5{pP z@JEQ|GSi)j;HX-G=&CbM^s?|_dTSjx5&~X~eXxE1IPpZ8#g^M zAY}VX^H!hjtHXX<>qBL*irZXf3w7i>Ji7)_8oAbU+{@xUD$23LhBsVwYw z{zw}2L+R|>&#jNP*BC1&X;t5zP4EgRR6uC?>v&EjP#qh}n>6#g8S%;tUR89Z{b932 zcU`Jb)?vB1RRF7s}L_LnIlCs+f2?nUFpP)$A&^Z0!$1hY7xTo2mO~v+q-{gZy8MuU1|zczd|F-5z_EaiU0ge2%FoP~q^uhJagbT8PCieLvf7 zPDT-WN#TfBleS%R#(g&}*+F!@Qhn59?~Ksq*~@Ls6)X>sJ<~!~V?}JO8V`ZF^>97aWp!$U3d>x#BMA2>R%(hw*ZC2&W~y%st9?vhyOoqX*V%C5bYwpQNt%C-mveu0QvrtbzzoLexb>w+e$b)@yNf;lpmY1VjbpC^euS3s|7cklnKOpDJ zubIt~zR$2DyUqJN^t0)`$OQ~{Vd?uFlGn}nLq?kIDsI-C*2maRYbQM9YahLz^(Eva z=F&sOeHpw3#@aJN;nx_~o*o$K@yd$PxlXz#Bfg&y97dVCoxO{zxkyis|4B8%IIoG% z;CaSOc0%^!uGSB)GN*+O&eLPx?5AHrDXUF2(fFnBI>7zGPp4MkPIWe(tE?ksjh!L$ zMS`#V}0Yn0Mko);=UDjx#|=ad^A|{DZuPjKm&?n z6wf61;q**8?s(vpmfpK-)fD+1H!!Ld*SPGsX*ZIxv;6*`Zrli;(X5I?;SbI)$pgci zdqk=&o@RuvXKk%lDoC<1$_T%~bO^~|6n``3(=_X_409fe_fU1iD^<0Mttb!w4;IN@ zCA*#CIhAAuY${~hN;XJYHtpQ6NVv(uL&un@F(Y^o~E)C&8>V>5mmKE#JnTdoiiC1;|66C+S3zR z<|-096DH|&M1&)XtuZx%Cwe?%AI=Ne_edj{ckbG9M#oWf7OUTYO>}%pXH| zVFxS0#$htmKpPxl>^EjWZsN*3e{c8N>L@Y)prRk0V)i$sv@@OCqh1FT@6|)=C|?vC z=x;Q+xz}HSC*ogzKzRR4_n>e^iyY`o@$jemQ6Mz@fP&fXgCIvX=ObB-)O8oT&V7W5I6>; z5w!?%qSDHe;Nm1KDC}`}q`-wmU_9)2zm zI1xdHktu!<($5!2f*JxwRCfv)j9oz)5cum6490;#0?0seFxeLY{4&zl15761A*4D4 zjs%dP5K0#!k|3lBBoBy~L-K%t6+{9v9U(Lj8j=h;uv1WhORl~(kH2Kif z_&=luYN@DXA1k07xMayK5J(Dvw9zAbxVcjyJUDav#RaU7zifzx_W#F#j2uI0$_ECA z1Cr5n^#6sH2oC*_`k*S!!&%+e&6^ApS6|>6)+E^H;#1gOs1PPCVh@cbz1M0}I;L|(Y@PJSFK0F@_vPfEwCBpOnS3@k`$AY^#ovF1d=>N1ja`IW{n5LiEzVXAPfnQ01a3t0m1`Yl?UIoh``E; z@_+$ggR~yL58l@apbUfv*26eS@+8nNz~G*?87vV2_b?Oirr<^Zt^;0+2OD3&0p%<98Ur@CKoEO2n+6M4OHU6!hnSU z_b`2$(qI7s9)Lh;!oq_!G@&dq2lq5fgDK(Q3luCOm~D7#a1R6+} z1Hj+{3JlmWScZqW0-VDf!Dg_iuEid3i&$iYh5<(elYrBM*@x}mH-2~)45S$ozyx3a z#sV{iLLq4Pejy+cNYG+~4Pn6sU^`gaXtD-&0o%l1jb;z9O)NH=t^BeH*dG3FFkiH5 zfCILT#YWpX3J>HCc!h0Xg+>D2k7gIZj}!iCi#D;?!$JXiN6>nB{8yvtdf`4i=XZnc z0@f<5-3*iAM zo^}g%`j}raYau28OQ7AM`G4H63v~z>1`VtWVc;A9AkqQ0zW_6VFu%x}1Nkq&XfcKM z)dMg9ha8|&8UiagNYO@)!1&=20)!4A1sco^JZK9e4`5FVBX)m|vKw5G_#zcS9g>7D2-j42Ma0^v4(f9bt5UJuj^O zbN}yzLmj4lJC*9MfJFXTD(6RWlln^>p%k(!0tK=d1c(j4e!%tPfuXoU zzhUq*0skQ1UobQp55mH77#6shK_>V(7?aHX~2fI1O_fZ*0dak1?k&z z7zSiW%V20ca8=7-Boe6qTMi?_4-EYK%?pZzfggz_Fpzwq{^1WzSb;7aK9{aVq2>RP z6$*p;M+N{Qzg*5J434l|A1IK@{Ua9)34Rop@QlJ@L0Df7gI(fs7@P_$gW*vB@{Gg4 zDL4H4BP-m$`bFX7|Is-LkA~gm(zSRT>}Hn1@c+sHRNnuymH>x`Woropkd`cm$-{nh zDGgA)|Ia>%Xb_H;&%^yI1CT}iqa%4ZLtnO59{zB#97cp)H~jk}KY0@DrkBDG>&Qq^7YOErUadTzLUqu0fz7 z6y$C1hEPy|kYIsqG2Ks{E=|f7RNM4TMw=qH3B_ z?Wkl3w@AR$#m>>y%NZgplGpI|qC!|&`#*NjDA2LA0ZodxzYhd&Mb#8Ss*wX+9mpn{ zU@`E^jAG~I=VM19dpR6l+Unx?J$vB2f(O*a%_5NcWJgy!74IOxI!qoZ%#}PijK|lz(AJ&(E#s; zqmNV@(E`rv_(TFZc&zCxoO?_knUq0n5kljq_lc6SPGOGCWX8`Zg$eD7Oz5)9(zJUt z{Xxwz6-pBc$%@yUt+@xR0)*q0IJ^lSkgP6he zNh2GF=LUyI(|E4$Jbu9M)uAm~7i+I=mDSuWck9-;%!AyTk7sWNGpsWjy&Ldc=S*Yg zbgN_ixbCcu_UDt&UdH|tuz=(+QjjiY-9HhP+WOSr@u>@2eD)r1A37!mM>)PVbsAP5-H|Y0HdK-L+R%tGfpvP%Ip^#%Pj^`BY9sVj zAJnj)C|Z}*FBT-@$K+l(L;sEaL#0#o8|Lr3uj80JcZNN5f>;KElhfWal0~x0Jl3nG zJZSG4j?*V^ysx%N^&g2%{#&`LlsB{q5jKlEx!Z-%cbib513GWjKH9oqGUva>hhTgn zrzQHo*l-!%+ikd>-E=D6=UVniq^Dx1&ZmbJ$?ZXeh`bhCr^8V{b0egBC;b3TwyoT6 zj?F%&9N<&nQ}Y{OiAle}&~1VdJHP}l-*I>hI=eMXJb6UkbAB6k}7v_thX)+(R!ldQf7UUXD>7ls#}zsgh?~OnNe@ zTW)hUt5dpo=k$zgn!6b`@2;s(+#^%-+Pa_kgE=a4Ny@bu(Vt=~Lu3yPHjVdvdz}*G z_l^2&$LUu;-hG?+R`lFQ;-Z-Xd#>VyzyEzwo9r8c+HrVv?=UFC6 z!+-!^#Yb%dpH|^(t+9f%oG<-T%3Sv$W`>DcAwwgzt_5mv&%&Y0z3g}H8?1}vQ;+zB zchg0U-^B2`8%boQX58P0vSxWcexdazMqBS})Z>t9hU4W^zQ=pCzkTryrn~$jc*9GM z9zh|?zd6MG8G!$nkocgxM^2C9hRnS(A(pHDBBQO@P_EQOURHTo_p?{FK3hZ&hVv0^-@BgLf~O8e z6v?Ei9BUAn%sS#9^8T)&K#-dNC1Cv~)fU^0ZZ&-RmX!+U5)J5IErivL?;g%eo@ve9 zI=?k%Y*N0$Ye>v3K&YF-i|MVvHEm|*R^P60SiQ*SRmIc5CpfNNCl-Tr`fCPzy5b;=P+WtLcN{6@8yE*GWIZB=QNPu3t~#4 z+i-p8P*AGD@%!>yF@u{@lD2T}dXTMqQeP`oQTw~po6iMlIBJ-vl;3;^rG&>VzlE6> zvb^<-sX$6%`z~(9Sgmr(9in;6V4_8Gle37Z0Ow25GX2W?uV189p2*5nVSH;D{)Adl z^HosK@^$HnDM>rNC&%@3@g*mmDia(W>w;z<>cvJz)o~e}2~FF0DdY6x7aN6(H1z|< z9+q1XCU&aj&ts)iA2f;YqK`Ik*oEjR4c~N(bf+}#&RZ4|-~AZ!*=%W6PZyEf!3mM~ zyK*WD?Hc=X`(}PJsau8Quc8Gw7hRJUu**Fs-h_1Rr4sAMP=pN>9`GpV9b-w@_&-sp zhY+fj=5g5xd}*%p}}+}a_pf>7vCeiZo8hK^HodAUGI5dzP4+- zP|CFob#J0~sNzkf8JX6j2OmMorccFPk91u+>mZ&jK#mL)%x1+k2}ZYbD@0?tQa^=? zhaJ)ttr1V!%g&Z}^w9SF_?!*i^nTsvZp1P0Pxaef7qpG+X~-T9Rg&Zmw*9)$H+T5w zcLu>5;byC-27ZHBi)zpW?6RY$pD52>hhkL?JQu;w42`_*JZwUBo499A;W~f(0aI(D zxW6B>)4%6;)(+l3xqBPAsrvjC!`E|SZ)##g!{<-doKKdFswmme7_M<%p87etA}i#W zex0QcS3$wV4J9!J=`;Q2RmN$hA)_hdLfTiK=RanNXFlf4I#$YBdi#u_ApPsAqM}3D z5+BYy!|uqep42*{;uv$Fb=G%;$2nwyZtq7~>?(VOU$@q>R}6l6&{QFP` zU7+@a_C>LG3w`T8^=5E7#L+Pq1)gl}pL3PkA2!@1Bd;q|eT2y~>$(Z`LH_$Gggk@^Bs=& zSS9N*p4~E@mY@2p)a=}r;qADWspjXh0?16#r-+V)qW)h$KYq=miz-BNbt}izpBtt` zOS4EYO$A&VR0^`V4LvcH;*eL%KAkjZ!g!g4rPtMX%r0!}`7{&Sx2{&*ow<_l)pVqR zl+Yd$k&4pammAq!YBFRQ(&@s+UlUc^;}e|hyD-0_R%)yemNBTk>-o5IPVY78h#EkJ}tcU-Za}4+{xB0aeV#P7bgTc3rWGe$v>ZS^i_3_K7HPvTg<*ai>p=a zk(-Ob#mt=*dE2W?EL+516k{aEO$A&Pn+Igu=nN9LTU`|U%d%spP0v}Y9Mr4dczblz zGDct8L$D{z>}&n>%vIuR@1m-7l}5(cE}o3R&Y;s1dtX{wtrqUqn!FL0%MObt?gNQr zB^_5$)Z0}ONxk-PX;odv^w_eUiDY}bsCo>cEWB075@dBA`t0qW1h3)f7<@OUtfJ1f zW_1`eW|=ziMkICyH1p_>xOt^r$30OK{o*!1|B0e6v_v0x`!H-9chh7tJ{ z-HrOV{_g9|JRJ&zg2WC;*~B`+ot!xKAtRrG3x%$hRtm7VkR#&S)U$xiotmeoA22Oh zML26sEisto>4|!xZUVzjPSx3*hnnYq`s5~*kGwc4FC*9OQ7R(dhrPwX9WvFdm+DpP zcvHTe_uP;G%5P35)1zMRy@9oG>NTDrvvbS|ZG*KR&c}wRb>!zV?tjw3=0@+F{5E1N zLgrmOFR`QLs>Yi~pYr=S@45!==sO(!MeFroo!Q+E(vyzcam=nP`=3aq?oS#jJQPTHq>bo*ZPC{|jrWw>|m z+gmMWJa>67oyj!fw;%f9vc8s&iWHJ+W%}ndnbogj_TPNY3|mp0?Ghnln<9&o}9y2GF%T+)gK_c9*8tK&5_wy${vdxb#OG|8^Y%fM6Gaj(* z`>@scWQ0`e(~Z;%PwQ*i|GoU~O8`+7IsI>OO;9N7N8Qqg?+Zhuk6csP(f&zKK2Tfu z&SVkyCMOO?ldQ8zX>yA8q18$Y=g3lX-nez5S0TT8AYzqMw<7~JwyX}2*cnL(Mk z?HzBhir?djvbLnzg%5~U`r}cmklb!xqeer{bg9AV=6#hz6Iq)d1U|_7r`3NeABmG! zt7o&Bez8sM_B%`gf==sZ3h>g$1wJzDbwChI{qGS;nk8*_v-{dP?40a3-xW{)DjpP7|%X5z!K?a^m{@%f|Vq1RKIWv)A;?sO7F+FWG5)PU{eq1|Qe3X}3~Bh4t0xgDPLxtGARtRCd#TS0SeG%s<#r#*6aEwYRu@lvUna8rd)1oZ8NU(YUCeD;v}tb}IYR z;k0)_Kj=MX{Nz^={95x`3=Y36ps5?(KBWr$kRl^Lv+WP*klaA6w1InyIvPHaI}hwl zKERb3b6=OWEY8P#4#*^0Z zHyrROdYtve`q^*}lNe`*XX;eEN{zM|udmrTU%jbI<(;ScjulpUR6I@^-FfPSuC|D1 zMwqGOLZyV2$5QlhL(+RylkMBjry9?qsuDi=mM3ZYceV8AkalPFk6#?q zJHlZpnq~Y(;_N%j9wls+v~HIVn@gN2B3)~P2K6K^Uk z#Gjk`$&heRQeipA}B_2V;#k&A+noo@8FGgTx|m8#i`Ha#<}7$C4(-e z%|hH3`P!ey;;?2PhMw48%fDcaloR4=Pkwz_N%)9dd6TNuKvtOC^`oOZC%6|RCEt13 z(aT&KSDH83G1Ysz-*_ZD@3f?p`*yeI_n2=BrQQg&HX!HJgfLY;be6LC7RpfkPA+_v zy{)#RSeX)eRBC(YEpt~=caA(Xp;?p!Eq)hdgwJ@;GTql|8E0(T_fsIUxo z92p~awiUMh^xTzGph8gLO3l`5NsX3kO}-*wxNVQFeROT~8!tzKh@?6)rBr0L3o#WM z`<7?+<&*RZRa}M(DU1axd1>pm$GU`UA4%?-^DpYKU)emV4Cc|>%dDWT0^7bD5T%J@ zGwXva?vp~SI{F(Hu2N=AUQ8$odS8f1rA}U(fAguWb9b$QVuD)Do%uL--y%7LnvaIt zbR5;Lp}bkO;K_QtB7=Js-L=8sd7_IZRUmwnJN7lMP*8Q@>CL8(4AF5Wt6VH%*P8vI z3FzgXBvF^E4q^q_pNi(B=7uA=)Eb?MdslbrSA<_IQ`!(Hw!Wl_k-M7_>8V@8vd3y; zM`O@?f)}1^c)fqPdBJO!RFlwK4X$a_DHnpD6w6iaZBFdLsrdruIpuf<$1V(0ipD$U zHGMuG`m9+tp7W^wzT+GA6HcEc#*duYW^D7)@o0~O*HibSyk9PrR$eK5b7G*w277+} zc!}WH55^Kdxf6dI0&cCj8y36#C1AG+DPb3ywe1HY%$Dxs^i=M4z20vNRPB9?jF&vx z6ox5vY9e9Mi37&&ulh8c&Oe;Iez`qzLTjK|F2=oC-MS_Hp|hIwFuGo$K4M~EPGI}| zmG+hjrbcA{tbqAw$;LL7#*^5}I?04O$>uWKk3yG1f=mnQN_IVaeR5$>gCBnc-(6vs z`^fosmxY7w7N|d0bQ-9%;z)PZOyfyEKIYodHmv(m+M?<8Jk&qPE3e{a5q<#`*mzhb z0pm$lbGLIoUeMU^yZ~id(g3wJ}z+>T!>FIzB$k`W%>vx%^1}a5{IPf%=?4$c^=EXJ3!>yJtmeRFfV^ zi5wvW1XHH(Wbfx_Dbdp6eO!Yu$ZzJ+eU?6#9hcqH+cx=6#;m~61$ykOBlN2%WvvMz z8oxZD2JR0&ooasjls9sfGLMusbq6k#@Xza1deiNWzAj>VX@{6l(ThHpPpHG}=k!I) zrJsr3NZCT!%BQS@&I~d@U(T=2%Zl#(c(eG@O@F7f$F6Oy4M%5OEU+nx5Ah>nllt%H z&M8!uytg`koh3C?sY>>&wh=n?y8W^IoPeW3Ih+68BcPcjA?$1Kg&3U`pmVxwakKF? z<4bzt;Z=6I)~pQ+Zqb+BjT_(gZ9uVp#53|wo}Ej>o%XxlI&hCoNuJkk%X+0twT?Qs ztVfdfl|LNTj2_|9pWkC!^qu{4;_LU@`*+ruK1~nV%-mM5P?%t;pB{3P@fea-KlWDS z%q;VJsSWuk?qf9#|Lj$&*oAWSnKVswzk0wvmR&)b&$2?Q{puD8v*vwAu80~Ahh zR^7!j9a?oiM%W{KQ=Z|NFeg9&sLzgPnd}kW7dJttu~RVgk_D!gKdIj>>d}ILO}`{! z!@m7H&T06F9@mzgam+_NHmQ1i@7s&lGfWN+!K*|d+*%V>GflZJhyep~8%M^42M5?{ zB7}YXOTKpt+uV{+&v59781lVzNDHl@SS)IEoVs4MAwTE zd@SjdxT#b)sZYr*861Ck)ap#T*(C&$;RZT2gSA9t??`eCRxj)`#padq^c@d3=eIk@ zWe7!cmXt#^QO_vd+4g0If-T7AN;Atm^OyOmQ<37_9CW+?J;pe6S8!p9zxY94X(XjC z#BrUiPOq0zqiVN+)_&zpcHfeC-xnBN_ZXTGhb(%pMCMWLW7yK^B<@~ji_I+VKOcP} zE&0;6o~ihPNvj7ov35pQRs-vUoVqys2a`^1!j5$d`0n52zE|->zA>iCSb#&{`N-5u zjLA$lAluXYvQ^c&Q$@^n*IVt(cRs>HxdX~9=uf`a(+xdlGbPNECK=^h=^5_)7)(CZ z8S<}my!F7Sp4eo!>qSBCt9Q5C|2V$aL-&kzlT@@iPjRg{b6B4;x9<_lhFQmawZKaH zr^4J%TtqloxgK_mp{9cx4}$DH33I&HF@b`BMV0%>T{Kz!O z(f>CY3s*;~iys6o4{6{ZQ-6CZ4MGJ2sjvWq4HC5k4_c(E;Y#tN!b2d` zB10;Rh@;(TSsb(*gCzjE;0Tj2B*+GVRQCeVAQ%j#pnyQCxjH$KVI&g(9$7&kZ9xKL zlLPRY1PJLvrnq`LLf{?+8BC^lLr8BgAPH(9Xi;4#WYBg3kR|Z1YXE5b0SO@e$N^*^ z6tb(c3jk<&xq=AjMSnDh^EK?AvOT~qLMw$fp%bgm9rlZ6#{9gwYX6{xT^cb1+0)ijEF|| z|Hp##?Sg392Ns6|Vo|m8`9+op?h29G07B>LpzP)BL53GsUgQ~8CD`ZEww96uD~NzX z{l6%P|64j(v@C=Js>BgckSzFENx%{iBs>Zt0<;4LfZnhGT>uw6;1hlhkH>=d0$PnF z!sGu}K`cGTg0XOcX)F~yh`4AJEC68k1YleQk}O07mPY_~jR%Vp;ey9N7!n=<3PivY zAUwzlWx=OAA~18JEMNcy+Heg&2e0`AfOH{(`7lkAED6+$eQ-_N43>z1YnTamQ*a>w z-vQ6XgN-lJ0AsFhVD#Rgz-kpu?p7)-;%TmjBuj$kubQrA)qxJ4{6LZg5qf;krlKMKtrV4GMf zG+X&)6R0G-kZn8Q(u*0KY}54S+Pfq)cfeXii3Ew)^MJuS98 zAaF)#PXU!*3weQqwbBV{fJ%@iUeP&n2ETW8+0hnzmlKn<6BOO3sgb5>+(M!WX5cn1F z{u=fN3x6p6zja|gf35pp=N~s}|8*_}6dC~9+aE+pz@4tEBb+4AaMC6)W_gj1MR50j zb3rity$n(nppB`n-d<`j7+YLT4ueADQ8<8rCSV9C;%*d9422Stpdq{+{T%>&S=`f( z>f_-}^>DR^d>ox1dpier5az%T8Yz&N{W$`_&t731KL zw6c!~pR;A-zz+h@;EFyh$l+G@VL+C&q7RLSkHxaNAi07M>9Rf)iG*6oABqHro#o@u zKnQ>Fg2v;45ih5QCXoK_lZEru72`;Rzt#m`&Hs`C1_xZ+in$m(2n8$qWJ!PZVX>&c z=3?>i;a|=RRu;s*6@55>&i|_q`O^vLJ<7F^-5P{xz3~gHQQ#dc;+9DT{(#;qq~^xWD%+ zOMoN6igB`k>qwTg%Gr_yC-V1PD#gy#gG{0QFB5GqCvS-6Zh(I_@%Dzj6wNQ2x(0(+ Zm|vF`b`&b@_@mJzaQ;O^)D1Nd{|BN6>iYly diff --git a/genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf deleted file mode 100644 index dcd9bca3f2f1aa82d6385c0559ab0d16c29978d2..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 14207 zcmb`u2{={X7cfl5E}4gv>L6suo$qzc^N@K6MVY6JaYaN@h!8R-lDP>Hk&>AV8B0is zlnRm3?A_<8ekI@k^SsY{J=@-ApS{;wd#!cWT6>>$gbmd+cB7?m2;r-v(3Khl8bU!{ zc83shauCw=sJA18RJA4Bx_dc8NJCp^M_&j71{gyM3J6C}2Y8_L9}_GL><&5FlOZBy z446PBJNkG+c=!^5H1zSZH*q9GmH?ER1_19EK!%Xo9ssP$&sz0otqmQ3km>!{G4*oD>$1#bJqf z2!}yQp@}F01`m^L?C9&|=VK4p1hd8X7hITg2&5{Y7XbBzNR)g3(F|YzB3Z-L9q*iJFD35yq9>rc}Ig|S+v9a zEw>@2NscD=MAi6{)E#dQT;*!ouUVJfI-AgzUXbT1YHv+zziHEXNuC`$tmXAt`$bz9 zPizQos0*?SoZIlDCMRi7ha)-h-RJkc&aw5r8%ZK^jIBG4`zY2Bz1ZKg7>vp49pu#Z zSk~+@mD>?^)g#+rIGR^^qOr8Gm1prOu4PZ>-BXRb)KIzECDU_c9j~z#!qGfMTYUDr zxvb&nw7Vk?oV7`8_KExp@n_HCT@b=P$K1Q>HCd`BZLCJ^-4-Ns=*?mmhN@_H#9Mdr z*yX2jz3IOicDh>L%$i9jI#Zamu{SsS1;4SY+wMWj7p8ln_at6nB?+~rnVj)>9b3H# zrQWS2VM~X{ig*WD1t**?G%|VnY3~QpH730XqjsS;nc@?5A8&mzy~J~cv?Jw&1^<9s ztZ-42)eiGk>f_#5(*`0u9OxC*r1LMfuy(~&2X;#E;4G%^2q}r}zL4m~pHVg{E}~Sj zpH=YniNjP3W!O7aX(g9>hd7qZxV>DTDC)~cWFXZ~u%yT=>Oc1#%-EAGJ(=3+tnbco zMT<4DSybC%kG|abh>Ea zd9J`JFkbxG(22MUM`JdXC=Fmz`>G@faf5WMWm($H(nKrM8-qDmP46Pfyemgtq@Ed~ zCHTezV>Z`sv-~JQR#acyAxPG>JZtWQkiFjG@Y*yLy+ zYZu=Zu3>avpBSq`pv?e5BuQV4|8O=}B*J%yO53sIC^yraBnH*m%@RY-H%<0zn0Vzg zKL1L)O+jO4PUnF(ewGAhy2AZOwy}*fYf}eC+du3-dFaz2_9)+({Zrmn$JCuJ`bS^b zDOhjW^hG5+aZ^|ONdql~6c+Kg@W@ihu)=M7Pizr=dvR)if4udfjEJt-L}Lcp9km*C zjZ80DtWA`9HR28F6Ap3kVsX7K`zMrS9~97sJd!d#C6!fwHk^fKC%r&qfU-{YnIujZ zZ@TTz{HF!O$Jl0TUw?#*@9~Yc3()plZVjERjD8$v!7J9FWGHH{5Oq>ZY$q=_ZL7Q` zuUKKcRfSy;)VqzthW52h$C(J_JgV(QG+oplx3x&&lg}$Ev2y(K;m>any02^!%ClqeogPCc+#OZ)K&ky@SSHS$274GHRbNB>aY&j6+DTV_AxY%@g4zF3_vRTyzwi(R}L zc{)M7BE%(JX@aY2BcQ(L(Zs7u*C&V7qd9h(cf4k#PiSBXtgpOh;LR(R3RU;*R7mYp zN0@EgusbZe9&>u2=|y#2OsffQsOmi_c5N{o~lIduxq4pU0~e zB~xz)Gw)=SoBMv;dcIs}#P9fGir>*E{$Dcuf*DTNkHi}s37)?>Q}AGZ>xlJ)(D_LB zrwdQ|72j3$D3(?15J4ssVz=4RenB-IJtV0=d?UiY@Sgm!B>bZ6QrhsHAb)kQyNlQV#ZN(v39u2n~Tl-Ope$y{2$PyX4FV^>EEyr22;3_P<-?Vc;~ zDmnh+M@Q@NCu0Y~a-EYF<&!Hu8Zc#;_zIlY&N?S^OU6pZdoMCF@HNuMA{DhuW$59l zAm^*7p4QWua&nv*dTrdfdZqTIB2jJqQF1iaUxN=~cQWtb_fD3L*>@r)m4?ILYqWeb zk$3Y46X@)YET&1|ULQBLGt|4cZt{-=|Zh61|%;wb2{SW61 zOFUDuKUI!-`==Klzs$z{`1t*$_4Pt(R^CFk{kyHiM{c_BIUnc|9D9d8 zN~e3v^TyL9bve_={1=^Z_M&xPUwn+4RSfwYCA~9auj-Pujv;>v9J&1rAb!Shl)wUx zKrm<&=2u{chQqA&ge5o<91i{tNw9UtH<2lbPvU-7F1wE8zSPAy(_u=_*Q7o zsJB5)&@CAbjLDd7L?mq%vt)$HJbiku4gQvfaqNY+xuu@gekY~^O|E=cVh}eta^$dl zR|ntX8g%^`>i(}djr2ENda=qJ_aH`^xmrO3L$#h|a$w)G^_2mZJNNWAMDeJHE#eR9 zpk{AjxZMoJ(vni|?L}EJ4bNV>{{y3~dm*AfsEX#~jrqeT`?SA)JRC@M<$ECg6V^U{ zL5npgTyG=^pU)9mcGY&9jfZM@^eigmvg7rspD%|r&hDPfNqm1lYwPE&nKSQX z%RR?M4;>Ng_2I@0l;c`AGjghLmpiIn;QhS(q5mL`W59_?KZW|bzG4gum5t!ReW7o! ztC4j2;_|b-YFn3Bm8eWA{$&m3&wauF5+0iP7iTEi9NNgGDn+#=X~Ww!0ROpT`d@&t zt03czb$kHNN9s(xPjsi%1!s|O9Gb1Wc1l#Dbhna<6mnmmPRM}pNPgp_`Hm&wG8Kih zGZ~%6%}YGxTn~1aXg*-C+Kr$!;*|e{5#<&fcrfrvCcrjTfu@8_UyLV!;T#ox$+&eu zlK#nivRg4@?B^1;u0l_anIP2$Ceyks0XL`1^(bC6Fl*P+~YMsCQWdWa!U zLTvj^PWdRU8$Nf4W~ayE%@bRlg+=(-o`{s`Rot5xO|CeVo~A-KWf3|^F0c8*uWK<; zdTL(WmS^y!UKYOilv72Vy+dQbQiE<(ctj(I;rZa?jh9o;_K$89D$vwBGShIwk}xNr zmirkinN;7pYbSN2zWq)_Uuh`&3DTX?=sQzPB%XVx9WP`^GJCiP-wuomzt@vlo^RXo zDC^Pt9}Mc2LAh&40p6Cb$7W!$(tpVpZ%n%WM2Y!LFya6ddZa7!C0%jI?9+%OYlLcr zS#(AmPqOQ0M}fV&&q>wIXnRC$U07;IL~$mX3lHZrCm4Q~3pcHE?x?-{Fq0k9Nk*JI zm)I)I^n*EdOp5=dy_@1$A%FQmo4qloIH)_gICI_h$=q(ti2Wv4K&|+k-RHVR6~8^V z)~1@n!`ySK?~k@^ft=D(q7etoqIg1-=Pznr3tqA?wSanO__e)bVhs~QkDM6RVkVXI z+%7_X*_V{IkvwxoaQ4zY4(-lNy8|*`SQW^UMRkOUj*_@NU$i9Lbcg+OwOu;}&s|Sd z_ab@)%imIZFLnR;!7fPIjfTH6 z)N~Eez+3e7h(>yqWPY3TTkM~tLzkkA6TXkISxVgs>f?M#y4R+_s`;vEw}a|p`%l@->!AT+H{J&2(-c-%i7oD}g$!KLP|Kk`*u*D2i> zJomMl&n35{p-t=9yLNu~uGmwqa6AKLs<{Tk;PagIFpT(jV4&9p{4>N%+mj_Gx8d2c zg3;yD<6E~1s@N+|>&w)$aF0GO-R$CjYyW({QCjfpbdE$rUwJhPtgy_fJnJtVsK&IR zw#vCGvsvD;t^9mzkhR`;1%t!=B}Y9YZOa9yXfe$wIik+nWGJ1-i zEuR#~o%myz_0i4Vw-1Lqvx-=@r*qsF?KG|pqUwq8d?)TWwmln7x zoRQ~VHp!BSUJ7nyksyzb_n+JGLB7#hAyVf~^T(pcQED~Fw)p-GosD|9$Gs(OT-|bn zy!dWN+1M(~%`tvvIyIMu1BI@VR61gQDO1?BwQm`lHUF8Kdc>r74d$#n(8K&4&Zx)h z#L)<_sV-$UXkPr`ofUWE_2_X~DVbjPQsG^Xu+=o2LGx|8NuIS1w`4oHv&Z>RzMuA_ zxi{&)(zg;yy3RFjn#~y3F;+W$F)B!{J2#7N-(dHqL)6ZRQ(-e*~Mb(b33{S`%Z9rgytZgWb2I8C{w74OZNZcjsznaZ?o68|m&~D|_a?#q1UT z7~^eoe^H&yA$1EVVNONXCtr+?9U$hu;c^x=7jb)V^p*Cs^@sbptj&kTUh$UAbnaZT zE;LCjHVJZ`bNya;tMw~uyr&uIUtVF?8~I^yfAdPu=(dL%n)%IBE~{r$Z`_V%F&Q8D z=%w1u7~cTpAjJxWc|Nx2Fpo1>vfiCc*sFScyCV86R#LuwazJsay4{rPF8Ag0X@L5ceePtQ6s`*trq%VkTo5y9D9_0ksM9jwJVG(_dZH7cJs-R!T&C3&5@ z3)?nhM!X?Y4!H*ib3SjOQlov$8{cJ<8&j4X-|Vx!2$4v)-{#TuR--dv5=jp?k}o}M zs_A@o<>kjCL{;R%v!a@SVCFYEr46t0gCvh#SJ~0Is4MHQEp+Ey0Vlf?E1hxrg@j}o zdAr~$rR8i#iBDhKAH4t0#J$T(d=37sH^9Z<{&wKIjYx?!%8VT^xdT;v`{&9!5|);y z5%;N2MyNtEyAK<-7_g;Cj4ib7tr(w6-(2rspY!y--&P(H8@E>9W>dYQ1GU@lFdX4` z+VDOPFL{#h4UM8bf*5!>K)2=bj2|DKHt3O?fs-Ldg72D(pKqkc*4&V3zTAkqV7XY7c_u>dT*gar9lk22tj3#B zFH?e>Sc$kI2ESOHhD}cfUG^cmy#1DC?`S^u$IJ1aH+?<8dzROTd+M`*!KKLQJ+OjRxgI+AqsR<%awM4WvAIyVzJAs!c!X8@-+B z!QOqlXQMnv<+#Ocuxv)z^p^9|Z$suZ9^Q|+?jjJfA1^1 z2IJQqXX5aG#V6{9w_{a-9g?TxWwiM&8IzemG6TwuRq;(m^_)Aw|k%aXjF zYicOVGu82iKgTvb;0;&qK9#4G`GJouJs@IO!}HY<@9x@0Yz%1wZ}Wcdg8uZ6Rzs7S z45Dn^9!c{tDmB`s+=orG59`ifzVRUT(TV(1Yd!q=uM?FIR|JioY6G z=PcElJaJABH!i8DnrPQ~G0A8Nbu(`9@Qnmbzn=ETnWWw6k7o;KbdRxGh@>065WDaa zqaa%R-bz1swtQRfkT?rZ}8N?HoFhEF_%Kz)J|d zgj7!jn!W0rH5zefd~-x#TE>JY(pz#_mF`B8-+i$pS`X!?Lqe~-c;whe>C2~l%Byuf zKh(`yGG#rIu`KgoP}-Q{J7z;q)zr9gn5t=Xc#KDE*N(k4(b^5y7OX^N4J&&tlWU2g zd<>gOHjRnbSRT1}Q8g;CE?&}T{>Xi?ND}(d{n)8~4Bf6(Dmq24FMn93Il)_7x@Ch> z^tI<)HS^nso+Ej$pU!x<(ND%vueKp;_<5_!ImS8T!yDcSZuLB{P5q|3!OM*misFe_ zyS(j9y&Dq-61&;CQt3bRZ25XCimxQLX)5dP6U7En_M5M~Jhx6hTSKwe8+a4`_77N0 z6*wp?#Zhxa@Q5I$oaiaB)Cy>Tp>fc^U+i?8;hMKi1V?mfW~5GwPUPf@e{dm)o+?U>S+fKvgd z%-!;Hp$aBTThRHmfg!?0P9(>z!E!%Q^Rbb5Ty?t1PeE2NAd zM`z;16(yl#GB;XPEl1KrWJ->|6`12(78if%X-h42c~5%MZ~vL@eC*vzDObtM@(H}s}> zBLuVPsj`EaZ?1uK-H|7HmHRNf%?^&cfE8n!>^?R_e9)2K@xx>FR z=6>Q;F@tRiI(Ct@kuN+Q2*Tp($aAH_OFfAB;HW9Cr6+?a<*K+;7g7ilR{ZkTZT&ig z3~zDHnv0{2*e{zr$TVh=+siDWo;;gJm5@&>>t^Qqbj~w^%zO0cm#_IO8IR7%^Lt%7 zokV_j{qu{(jt9GI_2uK#YVLfFb~{`kgHZFl>QLXyY}`h;i!;Hqiw1D*e;pXoQ$SV6LM1PLuvv7P)56 zT-`MRz4Fk)G9`L{QQG30bez3(NDrMFCI!ol-7NvH2%dP3Nm{>9v%CqHB;(-fX4ho$ zybHlsg6SIPHYb+Aq+Gs>Y%<(qGnXcP3TC@MYkGgM{-9Ylo7vTL&*25jDW?x&v&YVF zGdl3Z;dr0D=R>#S+#fHOR$R@0acZRd0QMs7Y%%}Lce-L>eA_=??QAb+XhA++;xl_&ys<;2Q9Q0u zysgaUjo{^=0F%7N;+;biXO!(kM82?e$$Zt!9NXi zrAzi`3TM8)`X|1iO4>~qCSE^wOAptmBGpR>A0r$I^jWx*v5&RASWAn$zXqY7+s36c zl=3MfI-_r(z^IQ z%Lu)mcyQF1d}yxD%!lLR$$EzS@w@zd8J(V86sR4$cV_oC$JVNgR}CgUiN2_b3J(2z zrsiUzctm+IeM_juMOpHP#Pal@6MBsn-W+*(bCpV>a+2pCo82@@E)9BnZdOqH+Hh_^ zQw-w?XXcqw=F;2e4fv@iZWa_+XNXOoAHwcPt9qw(Ud7?`{`*UZUvoJJEmJAJk;bmE z*7Zh>XzVJ3a<*d=tpKy?oas2n0-r*0I@kQ~?7e$j#RQeQ##+`J!~J^_%nn}csRkL; zGt!?qyVRb)=cCujnV!%*|D~{#GRh0Lwu)s+c|JA|+w2`cDeBv{zYozqbV z=LE;}X^`7kQ!mx;-&7MO7WJU3dn<9^6_N?=xsQ1HpZ$GRqB$fq~MuFQbH9obf4YLR31Bv*Ald>1Dx)$V5} z=*I8zFVFK9)jui?_h}4r*kH3~z*DJ3wUS234mJrL1o$2K}ypP>Y zQGPnt2y@ejk5$k4*!&ZW@%vr?wy*8UeO2cNDxx+!r?k^vdJBzbjVLpr7Y~=D7`QK` ziJ2w5qm#W)O>^h_SYqshpl6aXRwHk9Mc?(h7V>jmySv@)`$6HTMVO75qoI2SwGhy96!?IOsYNxHT(#{3aqRNDZZyBh zis3EJ&AhvGsw| zHNgl<^5(BZ#uca%K-wXNXS4(A1?^$lac4QG{7SVWQJ|6m+QQYAZjm;w2~ zxuDLzfLREnh1SY)@!+WPCl#yJO;v$@CZZDGt3N_32+VLrw9#ZAfN#-l)@}L zm_uR8FXG^uqG>QD9DIR-Sp<^}FAc6ip~wS9w^9)JpECOmYNY`PTmgXrD+bf>FjatZ zm?BsWeu?W>4X8!@B7_0~M+Ad_-Gj-8_24&rcof`8Q6>NhzWxmbCJKc@Q11N%KmvB= zSAi8_MF(I#_`6Ve4fF!mi9ZTOA7GvMRVcdhQzu}3__M%tQLX_DST}wZ%F0oAz;{3^ ztOIKl60m+0y#S`1@JIQj6TfPhDM0QBN)5OFC=^+*+=s{fF0fv}QibaSzm3D6Vct)p zPDv&+UNPw)4~F7&DApV>mU2O{_-OcW0gPJl36zu_@ZA7x>4DfOcUBw$=BL|IhJY4O z`c)we>|4QHbqHt#rKJgB;D8SFX#k~%TL|C_Fh3C*1IDl1rT7!dTOu$Nb~iwnlxb$L zgQB!-f!43I93ilL3Mgmrgst?s0!3PBxj^9Ipv-WGfXFB<0PiOvPoP^XeZCN7`wR&3 z0bdZT^!Y)!pE$@6ctcH@>komm8%pa4>>??x6%PO$0DSeIN&eH(XaKcdf$-mb`1;pN zdu8;>M-j@P@0TOGCqEMn@ln+uI{OrNk7P~xb$=>c>WOr9P$lJjQva_{!1D*~H zp@0I>*`Fi8*D_LANyvpv_Le~+|C=i1<>M^&2Rj0M9Gws-2uDHy7xD84JOCc3jT7{{ z4}LP>ALRM74~-$g3bU$@2rI(sJ|f`bsy=Drzwo3%%(HqN34ZYYnhP#K6t%h!3j(>- zeHaiZt?I+z|Cx&hJJQwT&>*-1iVFY!TQ7=$T8$Tt!2&D$_c#;=4?OJZJ|b%M+E5s2 z{A&K8uqfDqz`x&kQCRp5*FSxv)%2mTMCpI}aA?v$b8%SwzkP&%X~9Xu+Wa>ycrr@vC`?!b|_#M?eEFzX~1!NBV~^1OjY`{>Dp0{UbLN5eu8RRpW@T5n9zJ z4LsMXK4~D$fBG=6Dg1k`H2z;60CoO{J`$Sn4=v!4`L_@DwySWEr2kz9iS*B0us!&P zKJZ-r$v?7>t*g7E59LESZBHjJc;7;?&&FO}u;rq(OV> Kh1Cr-5dR0=d`sE@ diff --git a/genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf deleted file mode 100644 index 64424e877a0228fb0b8867cc5951812007bb0c5f..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 13992 zcmb`u2|QKb_W(+WE+S(}ba(@l5GO|DD*-wR3dya)Ag-=(WAQC=iy~{*N3q3UvHlz)rHazYhd2MZ*k2YC0Wqb8s@< z2_^$q=43lBKOZ}?lb6Hc-%DMBS5}7C3T{xA7K=a{I61o6se1B6_ze(11^8h@9 zklG$#;hIhk-i|;7`c7Uh6julh3x~>kKML8&&Jz)sHMQ5^j4+<#&Ns_1Op%}E1ix=m z#xQ9=VcuJLgTHHgysNEtPi*@3xA*RKW(;~-7L+LXT~O5td7B}5XokZwd8gOcZ%@cK*X`vW!`fg zLMn#ix1ifEj-QcOuqxcodet$pDOotPz3*j(aT|$TdNG}QKI$jhf*&U*qHfh^jODr1 zt*6T;z#_|=cG5RRW3Cq>(cNYfPxg!^RcGS9i-64gc@UdBlfcE+YLCO19U6}=IY3;(eN@cIy zER^D~(iOV#*w{O0ztSlgZR0dQ8u_Zes{veTyTsAFBeM4jWle;+Wd&t)IC#r!_nUEf z-bs3?q0b@7w%3oROX{HXwjow0hCBBKM>)2>L#33QfTs1v*-aQ~P0!&9o*uV#qHWY~ zXi#`?iU%r=CVT0vR}VAe+0-}(Tq3E5+NL#0{Xi^sQQ?_w5Ai9-A|;FujyKvk7b%8X|U@ZLhbEqMfuG`%p~ zAo2L;6=EK(U;axew6&k0&n4SjI|&Wu#KfKxe9^aV&$ASnASL>S_xT-P*XL=i?v>2A zV;icN`ITQTmpd74Yi74`3X&LA&&*ff`nr}~Y!~fh&m(b>Z2q5^&(=mq$Za};?07!x zfM(n}x!vXNVN4>7>G|{?<*D1v>$shS4f7>3Y7hA`WE>k#*s7~pW7hCvVV%H4W-eV$ zyyBbnl9eaJOZ9_zw-m3FiLK$_o(z$O^-OoG?$fe#CT}?s&n|X>ta;5Ns~11aY}?Sj;s2q4vCtIs*=mBC$_(@+#mMRv@nb9Ni-K?Q&qWnPJ~X_D9`S= z53~k(9$}-Y#eNLC`d%|O@3!dW=1LP?N1J#yoTsS!wmx*LYG*HZ)Y1Op7aJw(h0|o# zbMdxD+3#-+nqY0N53#tbCuTZ8gTf8m=R9rAt|MDKY_3ssmLpMbx0ZztHxrJwe@l%F zYV)LG3~ld$Or2UE)$=1P74OGWZBLBZ*OzwOFZESc_w&m*#0nNy_(E1lTe|D(Rql1M z`)tHK1f5h5L|!>vow$orVynO{flkBooD!GMb4u$SUk4VxDN$ezx!C{c1_7x{qSbCnEZx3Po*_Qp$ zWh`E$+~KJ6#s#dxoXc3$|9JtxH2#1s8?)M-FH~$xU~zw6{F>+gxbx|Mk+W>lWrTKq zbipaveJgp&XO+T^v`D*87f{I(gmyuWP1a}KNiXO1o3roO-!^!f^zCd$Ip>i7(OED5 zpzjr-x8zll9=z~uD&LnAvgh_YzpvSIi!%v*8jmjp&(B#O;rVvp>67_z%f`Bl)Xl>` z2kJ>g9tF?p$bR=1+wZpUf4y;7e`>hq?)7VTg{!23KZn;Ma_Q^$y7J-IFYXKRR-Vau zQW7wCx$dBKL-SQZd-o3AEJS@VTP9xw|%1 zmUgH#@41K655wjs+*dfuMsVTpa?my}Ne3%jdA6ca?_z)^GUmRRcvI&rS?Yusshs^6lf)GZDG!+`Jt{dHEq{ zyZAGi2lZ!@du#hfx{l=r?H@0?-Q;}k0T+L>&-jB4oY$|f8~yae(DpH{OW5NJhR2?W z3b-T%uB-YQTyszhp^$avJH}Bv9vK0N`X-uWB)(9*d)&w0S1jUeJT~gA?IrPz90?zz z6?Ikl@4fIW_INpfIg@V3!W+IRk~LZK44rqB+tjcnZ@`194WzoN4Tlh~piQKlrk-zs zK@|^_tD6c{KBn_EQAkipK@flcEoELCy2C-f$oPqP=J*L)Dd=W&(}HI9da}HzQRkpf z(1C_F)$!K{>4j8V&|hMXSIY8S;+?mM^>4~Qayk6UcoP9ep0ti{tS+>}NC z%{e(Z>iZRZ{EGjmK?xkaV9*52@1PJ3hiGdFX>cSsl>8IUU?SBK_d+w0>S#=`cjSKV?^j`6B!q!cSn!&_F-Rj7eO&$Ub}hgvqVR?KbI`zR*O z-~wCvP*LX`@s#qTTcKS~eT=GutK>N_X2W(7k@VRt(h+7e>oam~@m1QUvF9dpOT7;G z9~%oYEBQRnC~0))kgrmEE8nM8==wWM{$DX3X*pd6v1%OmAtu0kK_g?$u0=}Fqs0Ry zy&Lb`H(VFZqjmff{-7S}eHDh=-B=<$Iqm*#lnwKf_ZM4!Vs!P-Mf3#Uqzk`3;~V}+ z_uHIr5KYOCp!Lt#9`OrWtwP~iqfiV8vHzAC-nf-j1I={X1;JCuweFZ>w#6O)MR(6G z1-ng)>Q+t3Ooxk_J0#xeDa-4#Rm$Eg6J);PFEZJZ31v%7U&y##);;jj)@O_8{xBY* z?OV6lEqKbv@dDWt^<(uSA2N>k2fw{*#20vwk9>%JlSZ@chJ)2S238e{Iq`(%0*3<`ua<37wgNFpW$=sOUa$MtPCQhyGiifodd|sA64(P*i^g1&e zrqW(DREgP0V=K6SPuS#DO_JWDxcnUNn#OrHRT{I3e_4b1`{UN^Z4;=iA^{ug5G3e0#@Ju=|=&^55B*5<%F12sf?<+EOO5y zz0h8fq5Qg0%N_F~W$MajrZU@1>*smOxjJR8?d;riQwBkA!m0EHBgQS*+u8e8KF}^r zneH09p#)DLV-n5!Ya<5&lMTb~D{RFKZ%Rto!Y*8!sdw5yCs|4NyVUE?c_}zbsHl|R zLNK|A>tJp(6E|daYk)CNN@BY(r&6@eb@CmeMbvP-Wn!a?h$tWXGtn}Giuj;Al&ARAwF!nq>O!LcrI{(*k<$%r}*3T+Qot9DX~$6`6o--uq^)@2X~b-LIFxaw!33aaL~4Lapt=3k-uG+ z8T(zafL7(@Ch}FQoBR&kI;_>cPq?QwJ|1q`0y(FrooMpO31vGxfRqs z#jooV6Kk9hcIem>9TrkK&+S6w*FDMU8z@t!1>ax1&!O9vWxr4UE1NP!y6_(1RqM65 zU0-#i-1VOXgKWPp_J2A2^E(}XWtjOYqJbap*CHAW7PDM5CJJN*G!s=c*fH-M7wolN@1JXz zCOO;DZrJcfX&~xh+U7^wUZ3*bbIzGBRP1!kmpu|$HM}Or%(bipre5snI2cjuCuH`5 zEUMhvCe~x$xUM)_t|KnX8O4N-op2>>bIxQ`66j|X@|wi8?q+ejV_n=ozxSt^)pu0Su{)fiVJZkX-7@&a zO=?f*Xrruxp5V%9c=E_hM1mq`36x)~$l- z4l3^qHoy7Ymj%ITXH?|Fx} z^7E}i)>>mL3=X$!PZ*f!dOf6y`1^gD)XVjUjZS4hSv;U8zgeFxV)LGt906jY*FRi8 zS=|9v==+b)T`c&xI2T9Fu35fkg!w&5` zpI*UvzZYqvx={nw`__}TMGLEMQypRo1c z=$?H1q%FH}$3}g>{=*HoCnv3<45U5yABCEKeK`B^3h|Y9!Hrb)28QS^uC(FKz%$b-&#bIh zbLDG|4~ffphs6_jql`-{XgCTY#t>uLsR)S(8&&0~lvW1LR@(A5{kAY^4L!%y=rVzL zCwseyhZsUxSc{+)h*&)gHnx4@zlx)w^WB`Zia6IA8Dh{YOq?-kBORJ)^2ezKRpD?? z)bybEzMsz{X!EVmd&eGxZsTnHkjQXg-Sbm7W4O0EpPIHRKH0m`V_TtYR!LxlO>H-G zS@b!ctX2Xsx|iEgN7K#G+UqUHDT3Ce(P;xeJ>u)RJl!78y?p6GD?%?N?nSd~`BU>D zjT@yXPe*!^c6?T zPrXaarQ<-MZ%V5kvb>lj;@0?R5t}`;KubGhR*@hqIYY_sw~0G&99NfG!{< zE{X8WHR!R7Fj}+S9ZlG+adf*1dJ-$G)I8d&GIp!koa-)k@!51^Ui*x0|JE9eV{psEKp7KKBApsj>l^MMb-$kJvetz8#dnAn+VBVsNM6R* zxWR}$Rcd&)X?MlQbjIe|fZ7YsTl}~3kl49(9&I)^DBM@G{SMJ>mG0BbPuMd6KDs;|nx6nbBZ#H^E{eGMsTW|_IC5oi{ot9ax z&GpPuj6Z7H?`xTFDN$tS@VPgn@gr+;lsNq8R(buWFZ=zj*PytqX2x!8jW@XQg@}Cl zMd{VV!gspDd~2Rn7`WCrnz;M{5?hWk0k)OK9_xo?@DtKI2_Be)n6c+oWz!g}pvcy) zF7_4-0d0!H;TW##x5r+vN5!h{(Ti6j8UG;JxX~Dyb0AltX04$k7PZ{eDcrkF2DqaPi`Qs#e7DPx)~!gQl)#F73P*9#OOH_;7?-6JFR3ahaxV&aS%={U$Z!AsZ1_$mk!d z_ki_TpX(k(yN~~(!kwLi0eD5;v*zQyyk~e#xW^U*j4npL+x7B@qPT!fFiM+;W7Mo$ zHLl#|%Itpixs5lsTz{Z;Q1?x_nBstckddqxZ#z4i<1OM71~^4J)m@PWNTMzaU=V7vaYTjSrrR zFdehEEIG=e;4O_Dlx|9HW5#G-GRT$-YzmFd{B$_wP2dk&kB@!|t1y1eAt(;NEI!dP zz8$Lp?2r-zFO%&L>EP@Dos^+_O1rduP73T*N!-hk9(7-jr7YR|o}38n)R8FJtHvUiMH3=&>XN+=#S_ zMxuS&`DBxM)Qz}LzSk3W`gb)CW|3qv2H#(r(m%pxC7NOKTH@RrjIvnKM;pVC_vPEV zM=$2@{+9J)I3aab@W#-EzIT=)CK<7Pm*T4w7h`f}e$vIA-$Q+gy8Ji|yVjtSu-ph? zF*m`v)v4I!-P5xD|W8v#2w> zt{k0U+IpJi3hvjdNOG-_CYpd?{`6=T4Zq#TI0D1u$N5xtmjAfK>{c_Z`Ze%G zV3g8^I`Y2ylijQ;!VBR&g*AUS(r14)_o59_ zUXY_L@l}bc&=L9TjT+WN8KLsmj!p_pb1q6szVWi7l`Vd+x?s9vruWRC$#~|4Gm=v7 z+Ydgu$8=jTxiZAY&?&1rn6cu4i zQ+*JE+3RU?LRfCBGU?i5zZEvh`1U4n{sXoO^JvGBDPm`9e(O(9;jBD$f;vZXrhapB zq9---@eQ@>^#jgH(lSW=2Jzj~<{RYj|;h+Vg z>rM(^*d%B4D_lOm#^U3u#tFK}Q>LpNnqt=){hWK*hl zP2amBU{D@*sZ4c!fEazz4F=9`2BfE6HM6qyhK`27w*)Ud$0)sjm_^TlH=! zlo?lopA_>I&TY;cgOYRk&a=yN4^LejB^SK!SlH?F`M~F$W$&}vAKrI-z43(eXNmVm z&Tcc=_ssF=BL}a??nk-jic2dl=f6HN)UgkHp8kCi|I`nLB0u>P|0)7*t+5++#W{zJ zDJf1E&C>b<5o${_F*}pJUBCC+B1LyM14FS#tKulRPE#aQI)2E+{bj$l^Z5rKu9dW% zoYom?l8Li=WY$pVZg9FX->WYL1UY%Z4uJ_|T&U07D^*(apO^Hz8-8`))O3p(S)@-S6J5#t) z!>8OjT1WLJq%9j?EkJ|A+zRRkEyFIN0vZm>#$i02G~Ml7!t)yH=f(!kOG4hFV|vf-C7+&%GKSbk8`ceUnrxC31vtD2P0JCvy*5bCHe?cTY9KFt>?I zZy@zc=Bdm_y{#Xfr_J*nU8KdnJVLvQP}Uj{qVdZEYOVNN@b1*~+pV^Nqm*g9tg$;_ zv50qJSA{o?Oyo5Yv*I0Mf(1|eT|c1?Z_F_ev5+1RtxVcN-pZr43!NTlh%U*!c_AaR zccQAWxXRx-rN^zcrT*wgS4(V?(gXas*aw5RUvd;Hir!kEzs8&#qIyH_oUSoCG>_n4Djn7pNJ&e_CdnQ{&C^myKS15qn)79TK*1 zy83*gWJGz<`i3y=^9q#DiRBr=#|-MMd^qy*rYlv&6s6A&THG*6DGi=XdM~JZ;QI0`ppkIXVo2}_O{IXj&r#LFVd(?$YEDm z>sn(%G1jjin+OUq|zY#vPX*fmGDD~ z>)9$VIh8Pl7J1r@OV6-8*uB51kyRyL?@GX(-FJ_wo1xNHS<70(EV<=@0zT&UCh(?9 zBiN{xY5nOl^Ue9Y=DfqFy2A1T=8uQVtIbwzmB^Cy8ng`BdL}7bl&0*HzQ)vZTdls+ zd%0u|csX?0OWsxaDh#Fi&+eD|6wfidqn>wL@GA7JHIN~$IM#?MgXyCSF6d$+SlLb| z>1lz7(IbX*$Zc$C7i;&jRv#Dg@h|$`Ewt~JgjSkE$MF&0;sZKpZKXn?SHq1)w+{I5 zaD=Qv&su{SENMAGN~U^V;3#>hQ=&>W|APTJyJ-0Rv!m8$+sum*NV-aNavDpKh{||k z6jnd)=7c8FTYRsGz=VYUi zd2x(k3~ym=f9XkbU9jUi+g-h0stp?5d^&s7Hrahk;C`EDe9dEIS{$!2yId2@4HG^#1D7K+&oHJRy8+rqP0w01TsqaoY=y^k)8F_Ajbsn0F{3~EUQ0Fd zm`|6mNcg~@&_YXh=f`kjY-jKb=@^@#Nqw;o-ENooIj`K^ZvP`(#Y69`O`}w#7FS`7 zI8$i98mI3OtNMAzT+M(A+Q&kieXb(xEF2Fyrckqi4Tpgbs2KaC>6)v#y*F-?lKA!d z*IC@9m%d+aFXPW<6AkvRIFsDgR(OKD_fSw_Wv9co-hk|HU%%7J(p*^O92C851AyE* zO(#DGvYQXZn+&1hjSkZ94DCEY`kcBOWhuzEa3b58fwVsvQ*Tc@F9Z_KAT+R}klm=6 zeX=MNZ1KV0pB6~zQ@8VTqGlTY-)Jn|94W4T5ICQsPHN_FPoZW`!ugX}kbCHAM}~7B z0R%M@@^@C?5>{R`CSgd>J_J(B3uFYsIgpBq z2&AT)v$GSNzzFgUtsxK@AVET-14x%7Ku8}avYWRf1db|@K~7|E2rSH z09ZgIB80Sq(12-3Cs5%aq$`AU11&J82LcUV6C=IAydZ56+yYbifvF*+KZHC4Ap_vW zEajK}SrT}ujMTUL#S9Fd`f&I=$>49p4a*r$&ZIJjD#QQ5GLY*@aq_ePl7UkyUHkx> z5J)SXrG?_bN!TwcU}5~FKvcBb#3qQntUkQ{i=Nx%{iBs>ZtfLuJZu z;^3O9Y4A)q_yPs92qqg|8eD@yl?OcCQbFK<$?OlRr3N5y2?YkM7!1S1Q~}CiieNSP zEw0}+pce6)5Gn>75dZ;;2a^x$!5{oE6x>NwCV&aP{(}W33WY*Y@BKnR0!HR{ffZp% z2Vgx|UZ}hVdI9UiUxlgAa?|{hTDG?s;rmp!!UmetQW9U;dL4q;%g z3dU+dKqIKFoe%~Noj{*9PeIslIdBSxxWeuDx3_{-D%1NIjQe@Xkld0{$#&HG>HUnf=nb^i7w)Q=s!{egP~ z)9Sf7!jS>>n+Q|*`-CMrmOkY8Z!GYFf2KidfG-OuZr)y+@P`-Tn(`PF8jr$Z;OssE ziYSA^iJ?$p64b9b9Q_@@rwZbpb`&2EZ;FSTJ>=u)4B6W`xC8$NK&YrdH1;Tf3YKw?Bt99~wi1 zg}$N>-naksf&IL)k01xsX~kF~>R&h_ykC~VfeQkV;EFyh2;5foVL*7aq7MUqJ+izH zjYh*;1^)fFHWUfo<}3Pe@a|mRhd~1$y1WmCA;3z%3=V}M5`g4a^pRlevAhq9`iCzl zES9j6&nPSozmjGYRu0~d%kkkb_&C7c{-r94ouF0OAc*iWKnLvci*@`|n;y-I6V*b%J6cG;&>sO2g;myB&qnOMaYml-|L#^`I?0&^E_YI5D^KHDN)FfF+*hxNu$hDC_|x? zA~Gv9`JZ!D-^ly>d*0{Ov)lWuv-jF-ueHwFpR?~e{JKgi$KYZp8vdKZkditYI0Odq zuy&@Al7c`DPkY)ypo&&RD_0K(2vpa~!Ok0k06OSHWMpXU+-<>*;(rY=(Xn>6vmrvT zq&~m^BGHcE4nc#LG*DfFhmC<95n=|gQc?lf+xZhAP<1zet-`Nb@mH-5ISGL(`x8|S zh*m^92x^0YfuohJle+^1v%y})!<`60lG^`?1BU^G-wRMBc=&iiz@;b}K%h!?zD_oF z`l`TWz?C7v%H7-3ieTq%bNcsEH~P!SfNKSA5H}V}1I63fI$0@r_yeMY?9mvM7*ZUC z5yzq-C0!+OjIMTiUWCpK)i>%`0 z3g`?1RdEFtu4HH9VGEc*%g)__=m>#>#v$q6n@F&;a-;E2pE1M7bJZ~3UoxIg;ZnGC zQ#hFGSOa5%;yH2Jam(?9r-{cNi|~lxzO5_`j!4>8;wl@SQt&;(lsyuYjW&uOFH!X^ z?K_;*C+k=u`({E<@`sA)ci&R}vh1fk%8y^m&iu6Zh`osMmk%FVU&{@+aVm)NT9)3D zN;$IYUT;)|l~4pfXAQ@R_TZ_u93F+Sq7n&K)_3c@_winjEtkjNkUiGd_&Rp$XUWe( zi=g)x`A)5qUkZBEoh#OZ`!Umkj7WXjulxmW{5rjyD}DS(Vx~s&^;>w``#LN-ZeeKL z3H!LN7nA2wv`*<0lT5#*#N?OBFc##Xg}j$d74j7C#91ejaa^tR$Ftzos-z3GCub^r zIx^F94(wC0$TBQ$e7f5~f$0XrouRaraqp%=r^njoZtCb3syK*r*b!V3x=v6G94Y6c z$CszP@m`j1)9~NbhI2V`k43-hii?Y&%5F#g^~|w5tgwhjF&ai) z;jvl3_9#_V)1q~qbJSg<$+Nk38S$m4Cunw&=k?UarV`6Eg-*|+$huMyF(f*I^z zWU*FsJb$_hu0cImfj;m=>ICdoxL|TGixuxJ$}^bAh`yG~LbvUB6O0YgwZ4#>3EVXa zBR2|74%J%}MITtEtRa_uM*G6@LJw!?ZbJ2KYexc43 zH7$0@{Z@+lgWva?ADmD=hsva(eKnYnpEWnVBSvn_w&jJkjHA~O$S%4wG1k3GP{xbv= z>^VuW|AzEBF>wQ7w?s3CcU8oOl01 z75k+x>jJ&Lz0(WxY`%A+rz{$7uNc5QQGwMTjY@qZXXt0Y4}7g~Y$tqMDSX&4m$x3_ z`Ox?sd$)t?h^y%jMVmR?!NFL~Go`9;s+FtgKcC1j4>l~FTP}Gmc@!SBqJ8XDklmic za`HKI4~!p{KYZbLcp2;W5GAJg-uEmEae#-IaVPqPf6C+e?wk*Dnfy+c4awa52tSWM z+n3+_Lr?xB)re2OF!7z$o(5UkLxf79;bY3@J!ucUrm4#ozbpHIte(DZ`liujQv+SZ z+2GP$5}LlPc9T7F?Cz8!y7a?`jh-YY`6l0q7>)otut^9+_MJMyWuy_mr;aEx8L_tV zGv!KY*sO#LYuy4YY%D8Wo9uXmHML9p9tj7X!I>KIywi;7?W(5YQev^M>wm0%8Jn{h zJ^OWa?YPTl4RzQxA3KYR>yj+O!~>t6obnaFn{8z>%ix|yED_=|^J;pXNuL!ovRnIp zPqeWIA^uelhs1P;GM8QQw4P`5qgIER%JH|?C}`kuVcI9MhIw8ZY0Cw`%;3@oM#3aK zFLX%~$@>WxYkio;UDD6?Yis5_kiIRxq$(5SI5<{Un*R6>_SKu02WLE`C6p!()z!}! zpAub(k1?K5nAz+@>B4XEmn3z+F{GAK z0n>&6)5>j3OD25q#OTeW>GzXEZb5A39$8h_L-7^vfdQ#irRhDI_lH!(KdVSm`VhhO zc$F9Iim_=B3cuBSZfeG$|L3>Q+%JOO(-q$z+Vf)6F>Wb82;Qh?)N^U$}HX>uKkb<{tgIbTRnH&-RH?-YbFSrl&M0N5!abVXqahemy9S z$z5OeU`hP>WgZ11BluN>*NbBV?{wI`3uqf0+l4B141GM0)_pJG~pob z+X+q*hk^L?4@Odsxwr2Tj9MwMz;bu6fPL1{n!~dx* z4U#D`mz`Qs-ZS{t(vwr*R0tc^a?&Z56HOdDS0I+G5ZcH;pL)h8aPol;hrcri!FM;K zVyop|=Q=jLNtIMqf;Rcv_27otW8>M0OKq74*AAx7%u80fj|n>a^7ar|5zi}8%?GHN zmAR!(D;Idat?c)Efns`YPpf@}{I<4i3_Y18?uVAKoxgf$;2GML@-Qfq zSm8YT@YZ=jk+NfQ3Sv;xUd`a={IBvG#*GiJ@Ruvd#LuL4=r^vgRkCy+D^=}gtT{%r zTaQ_K6(PvV`@H-4q=diKRT+xX{n|oo{#2LA_LPoU_$O(HJ(4_#7-hVCiF5yv$7z}u z@oGuZ>fc4)f6hxr5rYLpyw?H=MJ&#_t<ddc_KpGN0_Cf)G7$~vBxirCKx9+ zJMar|>>m**$5%aiH=JB`J~c&w@`Fjp3u0y6S1v7+cV*`ngss?KgyA#MMd$6S;%sai z{8yf6MTJK+FzH?kO5R(1HNJ0nFJFNw-go9ng&Ag!M=5s=DVp@S`REbyNNt-VG`(dZ zjG?&uWzqLP(Bjx0U9ihY6Qy%=g8wAk-b1>~}C840&dYPf7z)%MkSy=0wJTsqyt39(PP5>0dR zcobW({K9qBTR|%(h9;1n87_6tm{{FQA-~NHl|hCmTKEw2uDvu)`o-pjYIDtll(f~0HZmc-i5p6Z0i8}uJ_ zI`gbJ!{%rjhh4ZIR~j9vnJcn`St=6Al(ZalG}uB@pzi1;S^9n1XDzsMW779{kbC!J zRYy~>FAQ0ga#@D=Hl~dS$q6$DSbkj}SUvsoI|WyDh~YM-0Z$Tk5;hS?#AegzNfIdG z)Fjg&KX_z0AWJo7U#pZ|wzneRyLUo*@WRup2YL^^kM=Olu;&OCyjZ_#DwJN&t`};k zY{E11#a z&gs5c@xaQ7p9acnEp^x4_X}M+QDn9pBOTS=HC=RUhBi0uZ2_cr%qDULV(~P+QCYCJ zGZ^{4ED^Q)2IV{-JZWlZ4E^M3cg${`p}vnnNf84wj&%?Gppz|~=e6FmwW&2;PHswp z8$M+0Jo5R6?6XRlvuQ9x)om08o^|Xm@3cxTnB$Mzwrgrwh4^{ld7at zldK~8wr+Hx(drYO4lS+7BaE6Y>eA6=!KbKJt_R=GTQal#o@*1UAQ3`q1^UprhcGCDAK_~nwl?KZjukCb+zOYCM<;yVE>0ioOdEK^8o z*PC@2z2dU72M_Wp*vNj=mUv9hI{dcmfTLgSiG_TbaWZv+Sb>xj42F3p^^@iC72}YLkiadg|^^NhbdOi0sPE#?v~{nJ?EZG$jsb zF+?0Neaqx0C{Qt95njh8!DWG2)EK1u&RzB4Y4-)z^&SlGtuwlAp;}LsEhLX;$H&3OpQBWLX{yCHX%-S}ylwfMPBJSuuRIIr-q#}(w)^Yw zd9MBWxB%9~pD!5(?(}@>f7y{)NY9(j-hTiACV1$V9}G*L!9 zW4Suo?H@lUJ7QwC%~p=sDLzENw*(Yj96be``qPi-HMt{UZm_wbqbGm9jv&uBfuH#B zB=`_>^L!$u#je-UH8HFQ?W5;Rio>7NyB;bOOE2+{Fn`=bTOO6cmfnuRMm=Y>Ra0`Z zHFKY2ipD747@xy?YhvGj$y4uhJHe3>um$Kyv#uLtN<^;&HPed_hsXLZAO0-e;2;yJ zdB5>X;ZT%P9keB(FHLhV9yQcc+QQN$g~?0kg2?NepL4NGnE7}$mx2ifuMw5=HO@)r zcWUlkM`kXpk(0kNDB8xeb_!B~GtEs1Ft(f#0M8U4cy1?W{?eNNMCSJI!TUjONt8CNkid{$CSqQ|w2|L6enE(LSoLW@?Cd%bO~WCv^37zfOI zRU^gqsn(>nIbYIkmNCOD>bUmN`j6M60+qUQGbv49bnSB{cS!tjZswfWL<}potM!)3 z`_ARuf&CAh{0ObnEzY*$;PH4Ot$r7GF!z zWw##t;kdh=jR@rxX`^}_Z%60dwelu+|5Zx?l;uqibpiGl^+?+%QQ2_~^4AOx_~BVZ zZ?kqHTV{@9D8H+jf4+d3(Vl@)KQ-f0 zvV^pCP>tMrmYvAzx7O~ZAGEAT&4vHfA9AN?9D&-51CQz95-H@V+b3896ukT9%G)ok ztbe3wBM*yEgh(9o(rwb&e???;vBjurY%cY{W537QuiJbMvf=i#s`VZ)#222d=e|$n z%Voc7DGx0g#xYGHYeRz#@bcGc8k+IpK<^G5aM7{XMToF_wLYaZ@EL4LZO|!*p`9`B z-q&)MvES}M-nHbWnDcyi9(}d!DS;xSe8TSB62075uEyYx?R*(lMtsh6-^?{%4R|wm zaiS#IN~Cc4s>bQ37p>-zf_7&Dge4;EsVbZ1c_}ohX?IfDgsMjC1TQF{_uymuv-- zSANdOAX<-ys7H|-%Z9-U+qlPxK;ZD@Vm7u2#SX3dEPpsyXeIqX%O=&tkeby!K zs}A|0rP!|-PCaLjXV+u>u*Rd46Zui&?HQ?~Jm!Hg6*i`EgC4oKO7mNbrxd=>*Kk%m zk#|;~s1%eM^a;=rb7$||&tQAka8+CH)66sEgHIZJrJ1V7OlE^5)5OasQU!*tF%-$rJuR$X%DbCAU%h&SCPFcXt310E(}lW?c#;dn@*^Szc#m zz4TD;UQ0_y&Gb&jg9jP?qaJt5k2jh1$E2-ZYdyJePl}a$Z_PPDz1^oG0*CgBc^tU< zL%ie6{HYVT%bYq02>a0Tyi$whRk_JWpE#deU2_ur8gafmP7Qs~RNF%HnP$oUqdG&u zH)u7gZcTO1REky2xaf!v%@heH>p(KiDt29sHP&LY;aFCBFV?s$UtAfUd44hH41L8~ zArI5Zob*t^Jyf}Jl4TRsSy9H}*L{4ls$;V`g%0VgV^C;y-f?FB^r7Bbv(=xOfj_=e z6c`$0ZKJLogJk69K&h;!PT0*ucW*^xIkf1B$b6=DXVKESizrfEo6XV%?i3n&%s+~! z|4~OM^zIq_BC0A=p#wK3pV;S>E;v4(Os^N=wm5n#b)XvY63E40IZ1)L zd%C#nxG?U5%&DHH^Hap)P@DRJ>Sbo9H+R2Sj8Vx1t;ZkudUsT|Y1W)~8?EgW4kJ*T z;eoR5y;wzHdy%GOr?&hd8kp&)mi+3Ww1$djIL`^$#1l*@7anQSl_z<;RaKFfrhUjB z{ucSPn>}2<>wKPE`e%;)ss0f!Roo|iJ-g}~kTJMj?2RWp3;I&Om=BJpQwi?xa!Xo> zQK(ZlWc4!4^3qx;uIP>(2+hCaTG@B$6Hn}UO?7^OtHB1s>s3N#!jmtRnakA1Loee| zW1_N(iPjz0lk`?#cjA`4DlVz|JZl|F#~n)@n!Pcjb%w!2AXV?ZP{ss8MzCnfTsvsC z@=(usPQKB%^dF;_t}OE2d6oU*qcOi;YV3;}3AIw|FgDdMi1l79H!d|HXzDQbr! zk()Q?czLD<09?%lhi8VAlP_fw12le~J(hr(rJRWgxfB7Tma?XshVj=2d>b>$)AYo| zt?_dxOHn)14zn9ls@g<3#^0D38a-?;gB;k#7j_DxF`IWvB%($ardx(0XNq7G zp!s0GhejyET<$?p)LjKJb~U=EZRC}7Ayxe8=PsBjpyZRzne5NE7qH*2E>6LFbq`r< z73=$LWZ5Zdg=02rRypCW&u%!KqPI~flYfZB6o;&8<&PV*PW7X5U;WSfUy$D0KsebL z-m_13w7LUTABPx@{cP8?T39Zp{fz1WFSBv3`sbNwq~XW07uL6PbIhRgRXuSKG5!`rQ8*zHvdvm|42RKMp216+i4+iOrIpNcd?DY*rBc(328I!+x|ZcG^~dyu($J5xXmzm!)G|c-bWMMTXGZjypkWeyWI4k?FDPCHs;$D{{gCV!P$GY7V+18BIMqE5DFmd{j%V7Z%MAK zrhadpEA@EG{up}sd)l|pdQE>HU6*Lcn0QHN9Ot(nspWF-9TeUgeK$mTmgV`9H2bY- zx4VeYgSnb)OrN;&>!?xf$eHp5;I_gwV`zfbMZB z^F>}d4g8+FqNj3!z& zR$rRVZ?K*j$0lljt;j_^6PS1l43Tw0XPTdzEEP!b)7Kb3lVZtm482lv{|j@C-5 zCg{)#$MH`^d)pP7E+VTMgyR~7Tgok`d5Z)64e}a_jtsuLxGvM^&3=yU0iWX|=-NaH zpZ|kA<(Ja-ud2)#t~jYCvs?+Aaq4Ox*PIqLZhp5085(7kRB$#9$$|MbofeBjxY;SW zSUH5{H8pw-TN}$O%1uEhO5-z9*gjw!T1Ic z7VoE-GPD+{sj>Fe(P-zkuxJimSxt*h>wVrn|N80*$Jupq9g?s$3+JPsxNaA z4zdAB5h?!K@RHn`?9|BT)3t@gwLbRAeNOFdjc1n}jggn7pP;7%=kb%PSyEL+lV;aT zX_JEF?ucio>%xOdtwVFueb4fyA9y3fp_(eh=Vk3q^J#^H%>IFKZPPo-5pwM5ZC1Hc z6uNca!Y4@5gKtZIS?AcPAyeFkKIOOx2cf)W@6J{>^os`q4)hj~%jW zuDO0w=iRE{`?{#0khP0-*As;!DvS0sg{WMYBz{h;ObrahH<)-b<>k#)%Lz(}UK=`o zM=!Z7@YCg4UiDiqbNgsxs6!p-X3FTw?p@R2B7b+Mpui$c=;O6Pd9`Z_wiiyc zt$0nbI0UYf$xe$Sw^{2>u_GM0C7{H&?*kCG;+)|a(;|mVQRIuv!JnnmurzsvRe4^? z1sL_srA5rM#`&I{2JBDFixQh;(Zh8C`o|eQCPdaRvg$g)^qz*BY8_Iv>Pl&Axq_%U zI981hyXl&2cq`0TY7ay84Z9NR;37AxDbWSGCq}1goA=2kXx{R>Z}i}-f&uL6Hfz}_ zk`v#Ieb6!Yz*92CK%K|bdoISWwB~Dk@d%rF7Lw<;axP3lezEqTP`a4=ka57l_{*6B zWaZ0RiZib*m0w&u!E(&P-R7CK@B`VeM<7>x7Eg&UCoqj3Ze%|cxQ%=}#b($oC!8_A zPw}2nV@xdPE^8_Shd^hvDWHcKuI4;Gv9InNpQlgJ_a45JcZHO%+H{>8^D4GbgR4jv z^1T~v*12op$;K44jXXQWXGq*;fu!{{-GSe5UUduA%H_}F37JKsvmQ?P16u&9d|B=n?Nm+Nq~LR+c~O|p-V z6W^V z%^igpKff8CO|-tS?+TgFgOYtwDTPDVBhM!%79Z+eh{>Bbdwep=O4rQn)oy?LXZwdn zFU2wliOc`Bdr9bBCA@1mLFyI}|EQ}!ZmwEuUy)7eciVochf|f@u8Km|r;Z@26vW(lrBH^lv&1>;Y9DmX#cH zmAIeBF-jk;Xndc}T6W|6&CYVJOa_5KkE-~jj*i0ftj~P|3ah(q4n6nF{Py)bxfogY zHa|cBkm#=;Ab^BbB|C2$f|DoFg8+eVIY~1Se9utQZUiZo|O8KP@0nR>8{Kj+DOpe`aIsWJ`4Ph5$$Pq(oW+A8R5h z9T`kYMgj@Fj#dOPp%~~vN-zGMYP-Qz#fjie1iL_B8v-e8WbYn>i=!aN5J(Kb7kGqm z2pr@j4OH13NV5eKi>0J!ph`~m_I6-aFp$J+1_6)(6vz^`0dkPVAjr_k12Y3Dz$h9hFqt$N~ zz#uU+I5Z3}JPd*WeqTWXi9ldM19F1*!Tv}9ZIf!?SPJO>zY5Lo`$(WKSU?`X3mVvD z;V@7EfTv@`0Y*4+2o?)m1Fnn)CdYyWjesCFSa zScCV0(+v!ekA(%sgFJEKIH2C3fi-C{NGuIlgF=9d0t*HR7vNYlu<#8YKwn^9QX7c^ z6d_J3Xy6xCu#Lk4@&a@W904qFV_p<6FB$UaY7(-IZZ{fh20xkXizFZa!?}B4St*JcMV8O^IH%S2NVz&fMt`!2mRm=f3O$0CXzD&oWScp zTtJ~=_ul(`}&>#LTpj@PD zfCuOszYA&QFf^cdKvvKPwkbFu@{#-kh~1dK%5R_eU4u#i>`p_f!S-K;Wb2LlV4pt) z^b63cV14pWaQGY7f$^J^OQ`=VbOQ-kq&crHjI+#rCp zNG*W#uUXsyx7wh2LrAa6fItM`dzKBF4+QmV4k84|H6V@kg8-+$q?Rub+csJo!5@hI zApO5+{P!NC0(kTWhyU(_*T3@|BL-Vn|VlBa!GS0fqiIRLq0mAoQ0y z{0VmUG%yGXM+58*zy5&Wj|SYv9`c6{kIBP`-QC^;d|e?$YJCq6FmjRF f22KIMd(5wdHY);=6cXS_aTuJ2pI=!=h35YQPvf(j diff --git a/genetic/results/data/Experiment-3/main.log b/genetic/results/data/Experiment-3/main.log deleted file mode 100644 index 5f7123d..0000000 --- a/genetic/results/data/Experiment-3/main.log +++ /dev/null @@ -1,3170 +0,0 @@ -2015-04-22 16:26:03,743 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 3######################### -2015-04-22 16:26:03,743 - __main__ - INFO - Program Arguments: -2015-04-22 16:26:03,743 - __main__ - INFO - plot=True -2015-04-22 16:26:03,743 - __main__ - INFO - autoscale=True -2015-04-22 16:26:03,743 - __main__ - INFO - G=5 -2015-04-22 16:26:03,743 - __main__ - INFO - l=20 -2015-04-22 16:26:03,743 - __main__ - INFO - experiment_number=3 -2015-04-22 16:26:03,743 - __main__ - INFO - N=30 -2015-04-22 16:26:03,743 - __main__ - INFO - pc=0.6 -2015-04-22 16:26:03,743 - __main__ - INFO - ce=True -2015-04-22 16:26:03,743 - __main__ - INFO - ff= -2015-04-22 16:26:03,744 - __main__ - INFO - learn=True -2015-04-22 16:26:03,744 - __main__ - INFO - NG=20 -2015-04-22 16:26:03,744 - __main__ - INFO - nruns=3 -2015-04-22 16:26:03,744 - __main__ - INFO - pm=0.033 -2015-04-22 16:26:03,744 - __main__ - INFO - Running Base Genetic Algorithm... -2015-04-22 16:26:03,744 - __main__ - INFO - Starting run 0... -2015-04-22 16:26:03,744 - __main__ - INFO - Initializing population... -2015-04-22 16:26:03,745 - __main__ - INFO - Initialization Complete. -2015-04-22 16:26:03,745 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-22 16:26:03,747 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-22 16:26:03,747 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 -2015-04-22 16:26:03,747 - __main__ - INFO - Generation 0 running... -2015-04-22 16:26:03,747 - __main__ - INFO - Running fitness function on generation 0... -2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,748 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,749 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,749 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,751 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,752 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,752 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,752 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,753 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,753 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,756 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,756 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,757 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,760 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,760 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,761 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,763 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,764 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,764 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,764 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,764 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,764 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,767 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,768 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,768 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,768 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,768 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,768 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,771 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,771 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,772 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,772 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,772 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,772 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,776 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,776 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,776 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,777 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,777 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,777 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,780 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,780 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,780 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,783 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,783 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,784 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,784 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,784 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,784 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,787 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,787 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,787 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,790 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,790 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,791 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,791 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,791 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,791 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,794 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,794 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,794 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,797 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,797 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,798 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,798 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,798 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,798 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,801 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,801 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,801 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:03,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:03,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:03,805 - __main__ - INFO - Performing learning on the offspring of generation 0... -2015-04-22 16:26:03,875 - __main__ - INFO - Learning on the offspring of generation 0 finished. -2015-04-22 16:26:03,875 - __main__ - INFO - Computing statistics for Run 0, Generation 0... -2015-04-22 16:26:03,875 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-22 16:26:03,875 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-22 16:26:03,875 - __main__ - INFO - Average Fitness Value of Generation: 124876895962421736910664761344.000000 -2015-04-22 16:26:03,876 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. -2015-04-22 16:26:03,876 - __main__ - INFO - Generation 0 finished. -2015-04-22 16:26:03,876 - __main__ - INFO - Generation 1 running... -2015-04-22 16:26:03,876 - __main__ - INFO - Running fitness function on generation 1... -2015-04-22 16:26:03,876 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,877 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,877 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,877 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,877 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,877 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,880 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,880 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,881 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,881 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,881 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,881 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,884 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,884 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,884 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,885 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,885 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,885 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,888 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,888 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,888 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,892 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,892 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,892 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,895 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,895 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,896 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,896 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,896 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,896 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,899 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,900 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,900 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,900 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,900 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,900 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,904 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,905 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,905 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,909 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,910 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,910 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,913 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,913 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,913 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,914 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,914 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,914 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,917 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,917 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,918 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,918 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,918 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,918 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,921 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,921 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,922 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,922 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,922 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,922 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,925 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,925 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,925 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,926 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,926 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,926 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,929 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,930 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,930 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,932 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:03,932 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:03,933 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:03,933 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:03,933 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:03,933 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:03,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:03,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:03,936 - __main__ - INFO - Performing learning on the offspring of generation 1... -2015-04-22 16:26:04,006 - __main__ - INFO - Learning on the offspring of generation 1 finished. -2015-04-22 16:26:04,006 - __main__ - INFO - Computing statistics for Run 0, Generation 1... -2015-04-22 16:26:04,006 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-22 16:26:04,006 - __main__ - INFO - Fitness Value of Best Individual: 538615114094899727126855942144.000000 -2015-04-22 16:26:04,006 - __main__ - INFO - Average Fitness Value of Generation: 187349763710291450352942186496.000000 -2015-04-22 16:26:04,006 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. -2015-04-22 16:26:04,006 - __main__ - INFO - Generation 1 finished. -2015-04-22 16:26:04,006 - __main__ - INFO - Generation 2 running... -2015-04-22 16:26:04,006 - __main__ - INFO - Running fitness function on generation 2... -2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,007 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,007 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,008 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,010 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,010 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,011 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,011 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,011 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,011 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,014 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,015 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,015 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,018 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,019 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,019 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,022 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,022 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,022 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,026 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,027 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,027 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,029 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,030 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,030 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,030 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,030 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,030 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,034 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,035 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,035 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,039 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,039 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,039 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,040 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,040 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,040 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,043 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,043 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,043 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,044 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,044 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,044 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,047 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,048 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,048 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,051 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,051 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,052 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,052 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,052 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,052 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,055 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,056 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,056 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,059 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,059 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,059 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,062 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,063 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,063 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:04,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:04,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:04,066 - __main__ - INFO - Performing learning on the offspring of generation 2... -2015-04-22 16:26:04,135 - __main__ - INFO - Learning on the offspring of generation 2 finished. -2015-04-22 16:26:04,136 - __main__ - INFO - Computing statistics for Run 0, Generation 2... -2015-04-22 16:26:04,136 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:26:04,136 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-22 16:26:04,136 - __main__ - INFO - Average Fitness Value of Generation: 386218731698063129516611469312.000000 -2015-04-22 16:26:04,136 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. -2015-04-22 16:26:04,136 - __main__ - INFO - Generation 2 finished. -2015-04-22 16:26:04,136 - __main__ - INFO - Generation 3 running... -2015-04-22 16:26:04,136 - __main__ - INFO - Running fitness function on generation 3... -2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,137 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,138 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,138 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,141 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,141 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,141 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,144 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,145 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,145 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,148 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,148 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,148 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,151 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,151 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,151 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,152 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,152 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,152 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,155 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,155 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,156 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,159 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,159 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,159 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,162 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,162 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,163 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,163 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,163 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,163 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,168 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,168 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,168 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,169 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,169 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,169 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,172 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,173 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,173 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,176 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,176 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,177 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,177 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,177 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,177 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,180 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,180 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,181 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,181 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,181 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,181 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,184 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,185 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,185 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,188 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,189 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,189 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,191 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:04,191 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,192 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,192 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,192 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,192 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:04,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:04,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:04,196 - __main__ - INFO - Performing learning on the offspring of generation 3... -2015-04-22 16:26:04,269 - __main__ - INFO - Learning on the offspring of generation 3 finished. -2015-04-22 16:26:04,269 - __main__ - INFO - Computing statistics for Run 0, Generation 3... -2015-04-22 16:26:04,270 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-22 16:26:04,270 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 -2015-04-22 16:26:04,270 - __main__ - INFO - Average Fitness Value of Generation: 457674790947406149092986847232.000000 -2015-04-22 16:26:04,270 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. -2015-04-22 16:26:04,270 - __main__ - INFO - Generation 3 finished. -2015-04-22 16:26:04,270 - __main__ - INFO - Generation 4 running... -2015-04-22 16:26:04,270 - __main__ - INFO - Running fitness function on generation 4... -2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,271 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,272 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,272 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,278 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,278 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,279 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,279 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,279 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,279 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,285 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,285 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,286 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,286 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,286 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,286 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,290 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,291 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,291 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,294 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,294 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,294 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,297 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,297 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,298 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,298 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,298 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,298 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,301 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,301 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,302 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,302 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,302 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,302 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,306 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,307 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,307 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,307 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,307 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,308 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,311 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,311 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,312 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,314 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,315 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,315 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,315 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,315 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,315 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,318 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,319 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,319 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,323 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,323 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,324 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,324 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,324 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,324 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,327 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,327 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,328 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,328 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,328 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,328 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,331 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,331 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,332 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,332 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,332 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,332 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,335 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:04,335 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,336 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,336 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,336 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,336 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:04,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:04,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:04,341 - __main__ - INFO - Performing learning on the offspring of generation 4... -2015-04-22 16:26:04,409 - __main__ - INFO - Learning on the offspring of generation 4 finished. -2015-04-22 16:26:04,409 - __main__ - INFO - Computing statistics for Run 0, Generation 4... -2015-04-22 16:26:04,409 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:26:04,409 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:04,409 - __main__ - INFO - Average Fitness Value of Generation: 553715213199472321010237177856.000000 -2015-04-22 16:26:04,409 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. -2015-04-22 16:26:04,409 - __main__ - INFO - Generation 4 finished. -2015-04-22 16:26:04,409 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... -2015-04-22 16:26:04,410 - __main__ - INFO - Initializing environment... -2015-04-22 16:26:04,410 - __main__ - INFO - Initialized environment. -2015-04-22 16:26:04,410 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 -2015-04-22 16:26:04,410 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment -2015-04-22 16:26:04,410 - __main__ - INFO - Running fitness function on generation 5... -2015-04-22 16:26:04,410 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,411 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,411 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,411 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,411 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,412 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,415 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,415 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,416 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,418 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,418 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,419 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,419 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,419 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,419 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,422 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,422 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,423 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,426 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,426 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,426 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,429 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,429 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,430 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,430 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,430 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,430 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,433 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,434 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,434 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,437 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,437 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,437 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,438 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,438 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,438 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,443 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,443 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,443 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,446 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,446 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,446 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,447 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,447 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,447 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,450 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,450 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,450 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,453 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,453 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,454 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,454 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,454 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,454 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,457 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,458 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,458 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,458 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,458 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,458 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,462 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,462 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,462 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,466 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,466 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,466 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:04,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:04,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:04,469 - __main__ - INFO - Performing learning on the offspring of generation 5... -2015-04-22 16:26:04,538 - __main__ - INFO - Learning on the offspring of generation 5 finished. -2015-04-22 16:26:04,539 - __main__ - INFO - Computing statistics for Run 0, Generation 5... -2015-04-22 16:26:04,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-22 16:26:04,539 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-22 16:26:04,539 - __main__ - INFO - Average Fitness Value of Generation: 565864057722927776535515496448.000000 -2015-04-22 16:26:04,539 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. -2015-04-22 16:26:04,539 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:04,539 - __main__ - INFO - Recovery Time: 2, Max Recovery: 100, Generation 6 In Changed Environment -2015-04-22 16:26:04,539 - __main__ - INFO - Running fitness function on generation 6... -2015-04-22 16:26:04,540 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,540 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,540 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,541 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,541 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,541 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,544 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,544 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,545 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,545 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,545 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,545 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,548 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,549 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,549 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,549 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,549 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,549 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,552 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,552 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,553 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,556 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,556 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,556 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,559 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,559 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,560 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,560 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,560 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,560 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,563 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,563 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,564 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,564 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,564 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,564 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,569 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,569 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,570 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,573 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,574 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,574 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,577 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,577 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,578 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,581 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,581 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,582 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,584 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,584 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,585 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,585 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,585 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,585 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,588 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,588 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,588 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,589 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,589 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,589 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,592 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,592 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,593 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,593 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,593 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,593 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,596 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,597 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,597 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:04,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:04,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:04,602 - __main__ - INFO - Performing learning on the offspring of generation 6... -2015-04-22 16:26:04,672 - __main__ - INFO - Learning on the offspring of generation 6 finished. -2015-04-22 16:26:04,672 - __main__ - INFO - Computing statistics for Run 0, Generation 6... -2015-04-22 16:26:04,672 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-22 16:26:04,672 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 -2015-04-22 16:26:04,672 - __main__ - INFO - Average Fitness Value of Generation: 694078708627319853693506945024.000000 -2015-04-22 16:26:04,673 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. -2015-04-22 16:26:04,673 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:04,673 - __main__ - INFO - Recovery Time: 3, Max Recovery: 100, Generation 7 In Changed Environment -2015-04-22 16:26:04,673 - __main__ - INFO - Running fitness function on generation 7... -2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,674 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,674 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,674 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,677 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,678 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,678 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,678 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,678 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,678 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,681 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,681 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,682 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,682 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,682 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,682 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,685 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,686 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,686 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,689 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,689 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,690 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,690 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,690 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,690 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,693 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,694 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,695 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,695 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,695 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,695 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,699 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,699 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,700 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,700 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,700 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,700 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,703 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,703 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,704 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,704 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,704 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,704 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,707 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,707 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,707 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,710 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,711 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,711 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,713 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,714 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,714 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,714 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,714 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,714 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,717 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,718 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,718 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,721 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,722 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,722 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,725 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,725 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,725 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,726 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,726 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,726 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,730 - __main__ - INFO - Selecting the parents of generation 7... -2015-04-22 16:26:04,730 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,731 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,731 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,731 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,731 - __main__ - INFO - Selection of the parents of generation 7 finished. -2015-04-22 16:26:04,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... -2015-04-22 16:26:04,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. -2015-04-22 16:26:04,734 - __main__ - INFO - Performing learning on the offspring of generation 7... -2015-04-22 16:26:04,801 - __main__ - INFO - Learning on the offspring of generation 7 finished. -2015-04-22 16:26:04,801 - __main__ - INFO - Computing statistics for Run 0, Generation 7... -2015-04-22 16:26:04,801 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 -2015-04-22 16:26:04,801 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 -2015-04-22 16:26:04,801 - __main__ - INFO - Average Fitness Value of Generation: 868718869097405135145473671168.000000 -2015-04-22 16:26:04,802 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. -2015-04-22 16:26:04,802 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:04,802 - __main__ - INFO - Recovery Time: 4, Max Recovery: 100, Generation 8 In Changed Environment -2015-04-22 16:26:04,802 - __main__ - INFO - Running fitness function on generation 8... -2015-04-22 16:26:04,802 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,803 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,803 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,803 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,803 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,803 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,806 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,806 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,807 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,807 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,807 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,807 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,811 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,811 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,811 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,815 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,816 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,816 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,819 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,819 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,819 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,823 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,824 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,824 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,827 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,827 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,827 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,828 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,828 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,828 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,833 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,834 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,834 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,837 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,838 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,838 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,841 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,841 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,841 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,844 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,844 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,845 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,845 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,845 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,845 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,848 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,849 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,849 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,852 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,852 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,852 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,855 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,855 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,856 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,856 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,856 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,856 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the parents of generation 8... -2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,859 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,859 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,859 - __main__ - INFO - Selection of the parents of generation 8 finished. -2015-04-22 16:26:04,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... -2015-04-22 16:26:04,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. -2015-04-22 16:26:04,862 - __main__ - INFO - Performing learning on the offspring of generation 8... -2015-04-22 16:26:04,931 - __main__ - INFO - Learning on the offspring of generation 8 finished. -2015-04-22 16:26:04,931 - __main__ - INFO - Computing statistics for Run 0, Generation 8... -2015-04-22 16:26:04,932 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:26:04,932 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:04,932 - __main__ - INFO - Average Fitness Value of Generation: 846148236194270241035131027456.000000 -2015-04-22 16:26:04,932 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. -2015-04-22 16:26:04,932 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:04,932 - __main__ - INFO - Recovery Time: 5, Max Recovery: 100, Generation 9 In Changed Environment -2015-04-22 16:26:04,932 - __main__ - INFO - Running fitness function on generation 9... -2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,933 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,933 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,933 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,936 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,936 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,937 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,937 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,937 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,937 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,940 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,940 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,941 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,941 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,942 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,942 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,945 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,946 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,946 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,948 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,949 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,949 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,949 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,949 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,949 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,953 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,953 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,953 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,957 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,958 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,958 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,963 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,963 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,963 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,964 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,964 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,964 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,967 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,968 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,968 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,971 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,972 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,972 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,975 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,975 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,976 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,978 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,978 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,979 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,979 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,979 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,979 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,982 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,983 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,983 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,986 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,987 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,987 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the parents of generation 9... -2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:04,990 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:04,990 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:04,990 - __main__ - INFO - Selection of the parents of generation 9 finished. -2015-04-22 16:26:04,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... -2015-04-22 16:26:04,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. -2015-04-22 16:26:04,995 - __main__ - INFO - Performing learning on the offspring of generation 9... -2015-04-22 16:26:05,063 - __main__ - INFO - Learning on the offspring of generation 9 finished. -2015-04-22 16:26:05,063 - __main__ - INFO - Computing statistics for Run 0, Generation 9... -2015-04-22 16:26:05,063 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:26:05,063 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:05,063 - __main__ - INFO - Average Fitness Value of Generation: 943209359982775828623042543616.000000 -2015-04-22 16:26:05,063 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. -2015-04-22 16:26:05,064 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:05,064 - __main__ - INFO - Recovery Time: 6, Max Recovery: 100, Generation 10 In Changed Environment -2015-04-22 16:26:05,064 - __main__ - INFO - Running fitness function on generation 10... -2015-04-22 16:26:05,064 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,064 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,065 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,065 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,065 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,065 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,068 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,069 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,069 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,072 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,072 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,072 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,076 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,077 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,077 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,080 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,081 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,081 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,083 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,083 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,084 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,084 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,084 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,084 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,087 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,087 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,088 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,088 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,088 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,088 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,091 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,091 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,091 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,092 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,092 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,093 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,097 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,098 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,098 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,101 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,101 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,102 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,102 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,102 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,102 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,105 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,106 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,106 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,109 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,109 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,110 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,110 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,110 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,110 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,113 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,113 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,114 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,117 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,117 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,118 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,120 - __main__ - INFO - Selecting the parents of generation 10... -2015-04-22 16:26:05,120 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,121 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,121 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,121 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,121 - __main__ - INFO - Selection of the parents of generation 10 finished. -2015-04-22 16:26:05,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... -2015-04-22 16:26:05,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. -2015-04-22 16:26:05,124 - __main__ - INFO - Performing learning on the offspring of generation 10... -2015-04-22 16:26:05,193 - __main__ - INFO - Learning on the offspring of generation 10 finished. -2015-04-22 16:26:05,193 - __main__ - INFO - Computing statistics for Run 0, Generation 10... -2015-04-22 16:26:05,194 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:26:05,194 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:26:05,194 - __main__ - INFO - Average Fitness Value of Generation: 858818264755340827360579551232.000000 -2015-04-22 16:26:05,194 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 10. -2015-04-22 16:26:05,194 - __main__ - INFO - Population has recovered after 6 iterations. -2015-04-22 16:26:05,194 - __main__ - INFO - Finished run 0. -2015-04-22 16:26:05,194 - __main__ - INFO - Starting run 1... -2015-04-22 16:26:05,194 - __main__ - INFO - Initializing population... -2015-04-22 16:26:05,195 - __main__ - INFO - Initialization Complete. -2015-04-22 16:26:05,196 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-22 16:26:05,197 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-22 16:26:05,197 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 -2015-04-22 16:26:05,197 - __main__ - INFO - Generation 0 running... -2015-04-22 16:26:05,197 - __main__ - INFO - Running fitness function on generation 0... -2015-04-22 16:26:05,198 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,198 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,199 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,199 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,199 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,199 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,202 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,203 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,203 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,206 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,206 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,207 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,209 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,209 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,210 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,210 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,210 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,210 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,213 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,213 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,214 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,214 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,214 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,214 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,217 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,217 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,217 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,220 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,221 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,221 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,226 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,226 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,227 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,227 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,227 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,227 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,230 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,230 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,231 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,231 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,231 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,231 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,234 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,234 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,235 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,235 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,235 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,235 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,238 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,238 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,239 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,239 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,239 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,239 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,243 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,243 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,244 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,246 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,246 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,247 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,247 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,247 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,247 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,250 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,251 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,251 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,251 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,252 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,252 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,255 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:05,256 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,256 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,256 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,257 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,257 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:05,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:05,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:05,262 - __main__ - INFO - Performing learning on the offspring of generation 0... -2015-04-22 16:26:05,338 - __main__ - INFO - Learning on the offspring of generation 0 finished. -2015-04-22 16:26:05,338 - __main__ - INFO - Computing statistics for Run 1, Generation 0... -2015-04-22 16:26:05,338 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-22 16:26:05,338 - __main__ - INFO - Fitness Value of Best Individual: 784328825964927378505921986560.000000 -2015-04-22 16:26:05,338 - __main__ - INFO - Average Fitness Value of Generation: 94297079034513241063202750464.000000 -2015-04-22 16:26:05,338 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. -2015-04-22 16:26:05,339 - __main__ - INFO - Generation 0 finished. -2015-04-22 16:26:05,339 - __main__ - INFO - Generation 1 running... -2015-04-22 16:26:05,339 - __main__ - INFO - Running fitness function on generation 1... -2015-04-22 16:26:05,339 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,339 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,340 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,340 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,340 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,340 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,343 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,343 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,344 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,344 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,345 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,345 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,348 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,348 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,349 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,349 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,349 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,349 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,352 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,352 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,353 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,353 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,353 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,353 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,356 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,356 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,357 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,357 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,357 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,357 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,361 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,362 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,362 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,365 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,365 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,365 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,370 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,370 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,370 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,371 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,371 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,371 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,375 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,376 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,376 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,379 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,380 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,380 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,383 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,383 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,383 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,384 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,384 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,384 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,387 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,387 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,388 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,388 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,388 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,388 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,391 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,392 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,392 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,395 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,395 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,395 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,398 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:05,398 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,399 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,399 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,400 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,400 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:05,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:05,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:05,404 - __main__ - INFO - Performing learning on the offspring of generation 1... -2015-04-22 16:26:05,472 - __main__ - INFO - Learning on the offspring of generation 1 finished. -2015-04-22 16:26:05,472 - __main__ - INFO - Computing statistics for Run 1, Generation 1... -2015-04-22 16:26:05,472 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 -2015-04-22 16:26:05,473 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:05,473 - __main__ - INFO - Average Fitness Value of Generation: 537932656272673997547794071552.000000 -2015-04-22 16:26:05,473 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. -2015-04-22 16:26:05,473 - __main__ - INFO - Generation 1 finished. -2015-04-22 16:26:05,473 - __main__ - INFO - Generation 2 running... -2015-04-22 16:26:05,473 - __main__ - INFO - Running fitness function on generation 2... -2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,474 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,474 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,475 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,477 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,477 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,478 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,478 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,478 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,479 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,481 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,481 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,482 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,482 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,482 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,482 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,485 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,485 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,486 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,486 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,486 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,486 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,489 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,489 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,490 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,490 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,490 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,490 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,493 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,493 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,493 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,494 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,494 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,494 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,497 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,497 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,498 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,502 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,503 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,503 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,507 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,507 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,508 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,508 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,508 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,508 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,511 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,511 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,512 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,512 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,512 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,512 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,515 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,515 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,516 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,516 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,516 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,516 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,519 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,519 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,520 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,523 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,523 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,523 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,526 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,527 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,527 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,527 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,527 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,527 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,530 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:05,530 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,531 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,531 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,531 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,531 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:05,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:05,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:05,536 - __main__ - INFO - Performing learning on the offspring of generation 2... -2015-04-22 16:26:05,605 - __main__ - INFO - Learning on the offspring of generation 2 finished. -2015-04-22 16:26:05,605 - __main__ - INFO - Computing statistics for Run 1, Generation 2... -2015-04-22 16:26:05,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 -2015-04-22 16:26:05,606 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-22 16:26:05,606 - __main__ - INFO - Average Fitness Value of Generation: 480780388595293409432335024128.000000 -2015-04-22 16:26:05,606 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. -2015-04-22 16:26:05,606 - __main__ - INFO - Generation 2 finished. -2015-04-22 16:26:05,606 - __main__ - INFO - Generation 3 running... -2015-04-22 16:26:05,606 - __main__ - INFO - Running fitness function on generation 3... -2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,607 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,607 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,607 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,610 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,610 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,610 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,611 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,611 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,611 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,614 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,615 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,615 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,617 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,618 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,618 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,618 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,618 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,618 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,621 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,622 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,622 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,624 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,624 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,625 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,625 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,625 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,625 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,628 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,628 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,628 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,629 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,629 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,629 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,632 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,632 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,632 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,637 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,638 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,638 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,642 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,643 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,643 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,646 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,646 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,647 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,649 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,649 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,650 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,650 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,650 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,650 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,653 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,653 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,654 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,657 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,658 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,658 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,661 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,662 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,662 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:05,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:05,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:05,665 - __main__ - INFO - Performing learning on the offspring of generation 3... -2015-04-22 16:26:05,734 - __main__ - INFO - Learning on the offspring of generation 3 finished. -2015-04-22 16:26:05,734 - __main__ - INFO - Computing statistics for Run 1, Generation 3... -2015-04-22 16:26:05,734 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 -2015-04-22 16:26:05,734 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 -2015-04-22 16:26:05,734 - __main__ - INFO - Average Fitness Value of Generation: 790744705019949859508068548608.000000 -2015-04-22 16:26:05,735 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. -2015-04-22 16:26:05,735 - __main__ - INFO - Generation 3 finished. -2015-04-22 16:26:05,735 - __main__ - INFO - Generation 4 running... -2015-04-22 16:26:05,735 - __main__ - INFO - Running fitness function on generation 4... -2015-04-22 16:26:05,735 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,736 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,736 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,736 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,736 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,736 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,740 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,740 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,740 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,744 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,744 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,744 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,747 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,748 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,748 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,751 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,751 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,752 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,754 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,754 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,755 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,755 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,755 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,755 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,758 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,759 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,759 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,762 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,762 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,763 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,763 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,763 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,763 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,767 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,768 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,768 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,768 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,768 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,768 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,771 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,772 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,772 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,775 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,775 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,776 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,776 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,776 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,776 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,779 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,780 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,780 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,783 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,783 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,784 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,786 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,786 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,787 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,787 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,787 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,787 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,790 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,790 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,790 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:05,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:05,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:05,793 - __main__ - INFO - Performing learning on the offspring of generation 4... -2015-04-22 16:26:05,864 - __main__ - INFO - Learning on the offspring of generation 4 finished. -2015-04-22 16:26:05,864 - __main__ - INFO - Computing statistics for Run 1, Generation 4... -2015-04-22 16:26:05,864 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 -2015-04-22 16:26:05,864 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:05,864 - __main__ - INFO - Average Fitness Value of Generation: 792708282567407556533434712064.000000 -2015-04-22 16:26:05,864 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. -2015-04-22 16:26:05,864 - __main__ - INFO - Generation 4 finished. -2015-04-22 16:26:05,864 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... -2015-04-22 16:26:05,865 - __main__ - INFO - Initializing environment... -2015-04-22 16:26:05,865 - __main__ - INFO - Initialized environment. -2015-04-22 16:26:05,865 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 -2015-04-22 16:26:05,865 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment -2015-04-22 16:26:05,865 - __main__ - INFO - Running fitness function on generation 5... -2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,866 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,866 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,866 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,869 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,870 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,870 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,870 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,870 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,870 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,874 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,874 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,874 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,878 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,878 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,878 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,881 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,881 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,882 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,882 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,882 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,882 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,885 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,886 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,886 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,889 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,889 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,889 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,893 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,894 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,894 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,897 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,897 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,898 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,898 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,898 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,898 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,901 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,901 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,901 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,904 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,904 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,905 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,905 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,906 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,906 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,909 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,909 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,909 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,912 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,912 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,912 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,913 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,913 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,913 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,916 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,916 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,917 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,917 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,917 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,917 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,920 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,921 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,921 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:05,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:05,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:05,924 - __main__ - INFO - Performing learning on the offspring of generation 5... -2015-04-22 16:26:05,993 - __main__ - INFO - Learning on the offspring of generation 5 finished. -2015-04-22 16:26:05,994 - __main__ - INFO - Computing statistics for Run 1, Generation 5... -2015-04-22 16:26:05,994 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-22 16:26:05,994 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 -2015-04-22 16:26:05,994 - __main__ - INFO - Average Fitness Value of Generation: 719629772433683916583514144768.000000 -2015-04-22 16:26:05,994 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. -2015-04-22 16:26:05,994 - __main__ - INFO - Population has not recovered...continuing generation. -2015-04-22 16:26:05,994 - __main__ - INFO - Recovery Time: 2, Max Recovery: 100, Generation 6 In Changed Environment -2015-04-22 16:26:05,994 - __main__ - INFO - Running fitness function on generation 6... -2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,995 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,995 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,996 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:05,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:05,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:05,998 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:05,998 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:05,999 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:05,999 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:05,999 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:05,999 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:05,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,002 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,002 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,002 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,006 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,006 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,006 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,009 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,009 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,010 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,010 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,010 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,010 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,013 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,013 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,014 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,014 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,014 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,014 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,017 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,017 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,018 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,018 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,018 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,018 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,021 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,021 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,022 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,022 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,022 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,022 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,027 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,027 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,028 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,031 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,032 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,032 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,035 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,035 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,035 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,036 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,036 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,036 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,038 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,038 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,039 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,039 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,039 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,039 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,042 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,042 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,043 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,043 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,043 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,043 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,046 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,047 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,047 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,049 - __main__ - INFO - Selecting the parents of generation 6... -2015-04-22 16:26:06,049 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,050 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,050 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,050 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,050 - __main__ - INFO - Selection of the parents of generation 6 finished. -2015-04-22 16:26:06,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... -2015-04-22 16:26:06,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. -2015-04-22 16:26:06,053 - __main__ - INFO - Performing learning on the offspring of generation 6... -2015-04-22 16:26:06,122 - __main__ - INFO - Learning on the offspring of generation 6 finished. -2015-04-22 16:26:06,122 - __main__ - INFO - Computing statistics for Run 1, Generation 6... -2015-04-22 16:26:06,122 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 -2015-04-22 16:26:06,122 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 -2015-04-22 16:26:06,122 - __main__ - INFO - Average Fitness Value of Generation: 940092318013144493472574603264.000000 -2015-04-22 16:26:06,123 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. -2015-04-22 16:26:06,123 - __main__ - INFO - Population has recovered after 2 iterations. -2015-04-22 16:26:06,123 - __main__ - INFO - Finished run 1. -2015-04-22 16:26:06,123 - __main__ - INFO - Starting run 2... -2015-04-22 16:26:06,123 - __main__ - INFO - Initializing population... -2015-04-22 16:26:06,124 - __main__ - INFO - Initialization Complete. -2015-04-22 16:26:06,125 - __main__ - INFO - Generating probability distributions for mutation and crossover... -2015-04-22 16:26:06,126 - __main__ - INFO - Generated probability distributions for mutation and crossover. -2015-04-22 16:26:06,126 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 -2015-04-22 16:26:06,126 - __main__ - INFO - Generation 0 running... -2015-04-22 16:26:06,127 - __main__ - INFO - Running fitness function on generation 0... -2015-04-22 16:26:06,127 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,127 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,128 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,128 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,128 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,128 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,131 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,131 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,132 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,132 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,132 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,132 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,135 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,136 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,136 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,138 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,139 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,139 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,139 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,139 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,139 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,142 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,142 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,143 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,143 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,143 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,143 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,146 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,147 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,147 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,150 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,150 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,150 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,151 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,151 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,151 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,155 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,156 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,156 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,156 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,156 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,156 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,159 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,160 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,160 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,163 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,163 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,163 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,166 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,166 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,167 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,169 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,170 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,170 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,170 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,170 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,170 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,173 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,173 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,173 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,174 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,174 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,174 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,176 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,177 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,177 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,177 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,177 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,177 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the parents of generation 0... -2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,180 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,181 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,181 - __main__ - INFO - Selection of the parents of generation 0 finished. -2015-04-22 16:26:06,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... -2015-04-22 16:26:06,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. -2015-04-22 16:26:06,185 - __main__ - INFO - Performing learning on the offspring of generation 0... -2015-04-22 16:26:06,253 - __main__ - INFO - Learning on the offspring of generation 0 finished. -2015-04-22 16:26:06,253 - __main__ - INFO - Computing statistics for Run 2, Generation 0... -2015-04-22 16:26:06,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 -2015-04-22 16:26:06,253 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-22 16:26:06,253 - __main__ - INFO - Average Fitness Value of Generation: 95250035662922959430977847296.000000 -2015-04-22 16:26:06,253 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. -2015-04-22 16:26:06,254 - __main__ - INFO - Generation 0 finished. -2015-04-22 16:26:06,254 - __main__ - INFO - Generation 1 running... -2015-04-22 16:26:06,254 - __main__ - INFO - Running fitness function on generation 1... -2015-04-22 16:26:06,254 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,254 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,255 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,255 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,255 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,255 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,258 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,258 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,259 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,259 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,259 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,259 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,262 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,263 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,263 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,263 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,263 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,264 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,267 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,267 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,268 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,268 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,268 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,268 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,273 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,273 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,274 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,274 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,274 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,274 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,279 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,279 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,280 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,280 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,280 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,280 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,283 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,283 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,284 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,284 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,284 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,284 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,290 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,290 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,291 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,291 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,291 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,291 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,294 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,294 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,295 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,295 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,295 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,295 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,298 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,299 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,299 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,302 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,303 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,303 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,306 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,306 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,307 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,307 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,307 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,307 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,310 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,310 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,310 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,311 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,311 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,311 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,314 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,314 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,314 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,317 - __main__ - INFO - Selecting the parents of generation 1... -2015-04-22 16:26:06,317 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,318 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,318 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,318 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,318 - __main__ - INFO - Selection of the parents of generation 1 finished. -2015-04-22 16:26:06,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... -2015-04-22 16:26:06,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. -2015-04-22 16:26:06,323 - __main__ - INFO - Performing learning on the offspring of generation 1... -2015-04-22 16:26:06,390 - __main__ - INFO - Learning on the offspring of generation 1 finished. -2015-04-22 16:26:06,391 - __main__ - INFO - Computing statistics for Run 2, Generation 1... -2015-04-22 16:26:06,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 -2015-04-22 16:26:06,391 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-22 16:26:06,391 - __main__ - INFO - Average Fitness Value of Generation: 264105252569856897392824025088.000000 -2015-04-22 16:26:06,391 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. -2015-04-22 16:26:06,391 - __main__ - INFO - Generation 1 finished. -2015-04-22 16:26:06,391 - __main__ - INFO - Generation 2 running... -2015-04-22 16:26:06,391 - __main__ - INFO - Running fitness function on generation 2... -2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,392 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,393 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,393 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,396 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,396 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,396 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,399 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,399 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,400 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,402 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,402 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,403 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,403 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,403 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,403 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,406 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,406 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,407 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,410 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,410 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,411 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,411 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,411 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,411 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,414 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,414 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,415 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,417 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,417 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,418 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,418 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,418 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,418 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,422 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,422 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,423 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,423 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,423 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,423 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,426 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,427 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,427 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,430 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,430 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,431 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,433 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,433 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,434 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,434 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,434 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,434 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,437 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,437 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,438 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,438 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,438 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,438 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,441 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,442 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,442 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,444 - __main__ - INFO - Selecting the parents of generation 2... -2015-04-22 16:26:06,445 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,445 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,445 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,445 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,445 - __main__ - INFO - Selection of the parents of generation 2 finished. -2015-04-22 16:26:06,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... -2015-04-22 16:26:06,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. -2015-04-22 16:26:06,448 - __main__ - INFO - Performing learning on the offspring of generation 2... -2015-04-22 16:26:06,515 - __main__ - INFO - Learning on the offspring of generation 2 finished. -2015-04-22 16:26:06,515 - __main__ - INFO - Computing statistics for Run 2, Generation 2... -2015-04-22 16:26:06,515 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 -2015-04-22 16:26:06,515 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-22 16:26:06,515 - __main__ - INFO - Average Fitness Value of Generation: 353590534750402196166215204864.000000 -2015-04-22 16:26:06,515 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. -2015-04-22 16:26:06,515 - __main__ - INFO - Generation 2 finished. -2015-04-22 16:26:06,515 - __main__ - INFO - Generation 3 running... -2015-04-22 16:26:06,516 - __main__ - INFO - Running fitness function on generation 3... -2015-04-22 16:26:06,516 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,516 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,517 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,517 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,517 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,517 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,520 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,520 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,521 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,521 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,521 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,521 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,524 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,524 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,525 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,527 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,527 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,528 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,528 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,528 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,528 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,531 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,532 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,532 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,534 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,535 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,535 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,535 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,535 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,535 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,538 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,539 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,539 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,542 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,542 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,542 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,547 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,547 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,548 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,548 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,548 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,548 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,551 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,551 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,552 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,552 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,552 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,552 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,555 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,555 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,555 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,559 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,560 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,560 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,563 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,563 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,563 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,566 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,566 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,567 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,567 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,567 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,567 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the parents of generation 3... -2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,570 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,570 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,570 - __main__ - INFO - Selection of the parents of generation 3 finished. -2015-04-22 16:26:06,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... -2015-04-22 16:26:06,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. -2015-04-22 16:26:06,573 - __main__ - INFO - Performing learning on the offspring of generation 3... -2015-04-22 16:26:06,643 - __main__ - INFO - Learning on the offspring of generation 3 finished. -2015-04-22 16:26:06,643 - __main__ - INFO - Computing statistics for Run 2, Generation 3... -2015-04-22 16:26:06,643 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-22 16:26:06,643 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-22 16:26:06,643 - __main__ - INFO - Average Fitness Value of Generation: 430737134923644351501169590272.000000 -2015-04-22 16:26:06,643 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. -2015-04-22 16:26:06,643 - __main__ - INFO - Generation 3 finished. -2015-04-22 16:26:06,644 - __main__ - INFO - Generation 4 running... -2015-04-22 16:26:06,644 - __main__ - INFO - Running fitness function on generation 4... -2015-04-22 16:26:06,644 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,644 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,645 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,645 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,645 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,645 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,648 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,648 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,648 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,649 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,649 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,649 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,652 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,652 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,653 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,655 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,656 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,656 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,656 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,656 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,656 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,659 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,660 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,660 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,662 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,662 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,663 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,663 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,663 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,663 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,666 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,666 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,667 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,667 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,667 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,667 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,670 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,670 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,670 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,675 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,675 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,676 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,676 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,676 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,676 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,679 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,679 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,680 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,683 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,684 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,684 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,687 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,687 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,687 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,690 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,690 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,691 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,691 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,691 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,691 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,694 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,694 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,695 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,695 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,695 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,695 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the parents of generation 4... -2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,698 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,699 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,699 - __main__ - INFO - Selection of the parents of generation 4 finished. -2015-04-22 16:26:06,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... -2015-04-22 16:26:06,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. -2015-04-22 16:26:06,702 - __main__ - INFO - Performing learning on the offspring of generation 4... -2015-04-22 16:26:06,770 - __main__ - INFO - Learning on the offspring of generation 4 finished. -2015-04-22 16:26:06,770 - __main__ - INFO - Computing statistics for Run 2, Generation 4... -2015-04-22 16:26:06,770 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 -2015-04-22 16:26:06,770 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 -2015-04-22 16:26:06,770 - __main__ - INFO - Average Fitness Value of Generation: 394024916846068290976825212928.000000 -2015-04-22 16:26:06,770 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. -2015-04-22 16:26:06,771 - __main__ - INFO - Generation 4 finished. -2015-04-22 16:26:06,771 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... -2015-04-22 16:26:06,771 - __main__ - INFO - Initializing environment... -2015-04-22 16:26:06,771 - __main__ - INFO - Initialized environment. -2015-04-22 16:26:06,771 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 -2015-04-22 16:26:06,771 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment -2015-04-22 16:26:06,771 - __main__ - INFO - Running fitness function on generation 5... -2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,772 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,772 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,772 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,775 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,775 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,776 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,776 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,776 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,776 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,779 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,779 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,779 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,782 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,782 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,783 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,783 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,783 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,783 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,786 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,786 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,787 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,787 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,787 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,788 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,790 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,790 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,791 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,791 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,791 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,791 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,794 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,794 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,795 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,795 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,795 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,795 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,799 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,799 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,799 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,800 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,800 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,800 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,804 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,805 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,805 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,808 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,808 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,808 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,812 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,813 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,813 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,816 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,816 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,816 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,819 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,819 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,820 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,820 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,820 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,820 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,823 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,824 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,824 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the parents of generation 5... -2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the first parent... -2015-04-22 16:26:06,827 - __main__ - INFO - First parent has been selected. -2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the second parent... -2015-04-22 16:26:06,827 - __main__ - INFO - Second parent has been selected. -2015-04-22 16:26:06,827 - __main__ - INFO - Selection of the parents of generation 5 finished. -2015-04-22 16:26:06,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... -2015-04-22 16:26:06,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. -2015-04-22 16:26:06,830 - __main__ - INFO - Performing learning on the offspring of generation 5... -2015-04-22 16:26:06,898 - __main__ - INFO - Learning on the offspring of generation 5 finished. -2015-04-22 16:26:06,898 - __main__ - INFO - Computing statistics for Run 2, Generation 5... -2015-04-22 16:26:06,898 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 -2015-04-22 16:26:06,898 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 -2015-04-22 16:26:06,898 - __main__ - INFO - Average Fitness Value of Generation: 494275163483583512207253569536.000000 -2015-04-22 16:26:06,899 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. -2015-04-22 16:26:06,899 - __main__ - INFO - Population has recovered after 1 iterations. -2015-04-22 16:26:06,899 - __main__ - INFO - Finished run 2. -2015-04-22 16:26:06,899 - __main__ - INFO - Finished Base Genetic Algorithm. diff --git a/genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf b/genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf deleted file mode 100644 index b4ec5d305d1953bcbe99d8419606a03cbf22f58d..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 13508 zcmb`u2{@I{7dTE5U5czJ)f?I6?)SQu?EAiC31wd*%XRG$Wr-+R5{b$Z+H9$$)xJj* zElLsDNuiS8yjS(f^8fxlzvp**rkVG=GiT16bLN~g^Bw~F%Bp+O5;%mw^*7M9as(Pe zK_0e;5i&9m(m24=0YWO-P;A^hoFJsWjgx~ngaI84p?&)h4(|4FN6CK%nCaObcCe#B zL~0)}fI@K~yF+;R5rNbvd)OH{P#_C{N?8@4ckrh`NR1-^t>W)m>36LGSwTn@e~OwB z#fIVl;T91XIosH~xI00FMf9p3?i2`1ZU09O8U+A<7NAD<@bQG;r6?IeNM#3K7dr<- zH82@?GA7%&dwbfD9o+2#{w#H||Gs_jTEPp-;$jg<9S3_C8$}O)Kst;bPrylF2^dK< z1`pvdC zgj96{3s-iq^RNdZ&~|WlqBuinSU6PPdsD~`Hb)Tt>9^18cyypxBgf}By~F8lI{gfG z+hY8I=F0UdS}&UN2$Q!aZWiChv2)IDwJvP?$X$p1hAPHq>-|U8_ZBG5Zf3hV>rE5> zTyyHqj;+@siu=woFFb4saZOlvvGnKHw1w39p9WUOYPHt`Y8Oa1aELwAEujd-3kS@C zE*GA2;eTmfwJ}FB>EMgVf&;Tc%wJw@)t9!vJhj@+5p;{JZ{{17i=&qOwuBs9>L z(aFW|r0^bdU8WoCv`RZ4Za^H6EX~c}or8||JLhbSP~c1>&1lpHRGr;bFf-9=e(F0{ zUqBF>iQ(BhWlytq_RUM)t-JqNPgOE&LF-l5`+bdKmuT^I_neXke)=;^rC;2Vee~S4 zU0x$et6#svIz_>pd~~i5lex9*Qns2}T*ve~o10r+;=Mxkep)?o%IFWkKYW#e8!g>~ z{FO(%dU?O}gG6+$i~4O7q5YXtm!-NNx4Ew0(`9KK6HXqTzjJ(eGhv_;E7IrPW%=Y< z^RZ9I4VjeMoiDVwZndg$iZ!)%cYoK4 zIkmSBpOsiB+8K53OL_&TVOeb$WAqDAafb?dTz07@S1YQVxr6NnqiaW2X@3@ zj>wCrUWi^ltF+le*G{Oc`-Z29NH?n*JpX}h8vexxHY2oe?6-d9>VCsMU9VNPa!}Ed zsg%vy4ookDsXZT?G)m7?l8kWcC3z)uCaKyR4}LN!ant5MC@#C>nuv#c#oddCchmQ# z6g?D%d=x;aTlByV*E5bh1aFJAG36| zsd0KRc3GmoU2bqM1G@uXs&L{JjZHo_lC)6_cUU|upQze0oP4pN>R1GVCsSgY!9Vb< z`c-a?-aU?i&IEJfLmroK%1yc~Q-WC{mZ`|V+n98hco5xi7*`c%kfKA*G zP4{hDk;d00xfM5ji{t|I#~k=B2`Ap3tkUO>d>;C0(^(6g!640C8{y!i{y>9A$DWk+ z^Y41Hu1u(``DVZ)(?j#$Y-W7!N4;k954iu%Oa2mQ>gg{`E6Gu8Ey(jiEW~( z8Qdhe3Nf&0UdzOis3jAt#NOZZ7{#a@lxw{{M9?u)IJxB5c1ZJ$r(Su`T`4w3@YI%cIZnen=`9~MF?$M*JJPWaN0v3+iP`sjpoiF>cmVPC#BGAE{^ z1XsJ2kzHk{On^$R=ZBIPew{eB4o4>4bF?>gGgNI3t>jRWpxKtRZe$h2|3)MK3o&*XX1t*m8Swn|BO}kS zmh+E-GbqJ}#~$4X7ZNMnE3YVlG;h}m=@59GQ`u*_Yet|*ao?HIv?jyq8LkqJ*1fmX zTDRQUi&$^KE<1}6;^gaS?HH8uw@KMYcZ*e5gv*~Hk!HiK-b4OLx+fk>Z^!g(Nj$ra zb?{3eo@z%&L{_rtUkFa#Sden&`J0XWxoSGTqfd)12;;kzv*xhkNl$8p_s~Y^ z+U-HK7lv*LBRwdLdGLve#P#^3!^Jdl<|EDm_XAHyJbsp5l4DczGUMf!UkoZ1L0PLv z0S@`rVl%K<$tCi|8DM$ zbCo;8?V9Qf+)tTYTDcEf$T!XI@Y->zZz}hC#W}9@C7^B_ zN{){XFD%^Q7||DWj+O z#;!bO(`ZV!wUYYIvX3I3_lWSZ@z!b0@9JW%+OPbwG+dha5^tucco02;W$(&=k!Uz} zuo+S?dLis`^jX10JK;1QhX_C3G-g~aZ&VYzOca(aX*yUqa@OKc~SO2>+cIMX9Iryq~k3MHC{zDaQM3x(O|Hc zrJ^yACex!CsiMJt^2l_;-qIXYknMiFNuXB1^rU&i zfM&c|X;P|LX8z`eR(#(6*{6C<+S*ZjwrJI9$i@_g9Auce6!IYZi-rBqEV~o!775z) z7q^WiXC-wN8fR|n+lhOdWRjWc>%br$N3_oo^!fhv`9}sVR1T7@P2pr!W*<39oJoXX z()VVMyuayvsMAP{MOr!S%-J48`fDUCt(NNZ&HUC!UYv*aud7gTWh~|TFcqOI#`x61mm<1Dl_aVDUt8L^+of?;*mJW*76%ou!|u zT2FE=v=R7j9MwM(rd_3c_L<6C=QsRsCq$KhoJAbW@3CuEdvgQl@wuz|R}aJUG_`{3 zh{9+6v&zI>lMq(+ifE+UNvRpZQhy6)*#e; z*je}L`Q0U#cizc2s~3KghY=k!;&G9!do9^WqkEdY!CAJuDDC8wQKqHhLG7xI_eVy| zPU?ue@wSH;f3KSQa)bEMBlq?>#TxqPXB;U#t^Q}m<=&cEtmZS<8UbR^%XY3lX)_&~ zab!MbPJYjcBdGCiVXI&7B58BX&<8#}4cWn7JCQ(tXx+P*JF%SG9b?AL3L-i-yY0x6 zNWbPEY5Am$sVMp)S9&9X7~R2XudeK3Z{a@37DG_E+BdG_twrqrmaXyp$N`@7fy*Ka zSx`0b<`vNv&a*mevwNd^mnzhy_m55)WSopZ2 zEg(vzgQL_&TJ~@CIZuDw**NQ*&COfa_vuMSF{MyvfMI$dTjz_SL3{z~8O1T!%eil} z$!6|@&YHJk23r-z8B&M1(^esAtpO?qvoy$2iPt(!x0_XICjF_}rC**Ir;CT)9Fvxi zYI7?T5PpfhN5>vCS*M-kUSWS%x`{Khmj~rNt9jn7N_$Y(l0WGtN3U@vV0Esd;2@7=bU4D$9c-Z%9V(%KsGXbL63F30lryTMT_ zV%9K+laQ&PYiq!u#^*y{8?socy+j7Ni$PzJiN_++*UmN)5OH@Kmz0WK64`v?LDttPa z6C{50rsA%qX>Dmg4gLocx$IjUS?CQ@FP=@7lC=%KBfpU8AU6A>zV*vI6Q{7H=t}-! z*BVb_a7zQOy#}NNIt9kY0nR{0@8{!1jb~>TJ|h}vPedv~QhUAhYxG#piS&@5$wN4L;ksNUWUd?OTm?@~kR$K49?WbzJu)8!vu>XP8dT4nYj`^4G5E9`)hD zuMc|Zs^_SW5##o%uc9~d>8eYu)XR-!8ntZQRCjO73x}=Q7m{mY!})b~8>(L(63oXc z#IMh~W{?%fTOIPbk^iF2e*VMEKPeZ-#jdnMJ=vj@G4D^Q$flb>#HkJq_9OGJK{mHjw8_meI!$AW7W z2Cn(sfLiLAWD}$lfR|Sax_F$sE_ODt?~A=q^31Q%eVBTaP>pCBVWdxLajp#HBDis( zt+&@!y5FxWqq*tvZDk~Tqe$yzv8p#JbH%A~<;7Cf1(m3a7Snm@ry_L{(*{JfcF-SoE8*&NaA>9ZjHK&{&kFT;Joc&LN>47UO2r@7sFSE4>^ zemE*4yxTGerOL(DXVfNty2SFv)Ir5>o9}EZeyVU-W1vJxrpqT#Pr{wMnU%%1^&2BW6*ha_GBfv6 zof%`7g>$_ly?LOa?wCl!PqwDljxkGnh$Fkj>ynz7FsfH|G9>-$LgLb<1Cj^)=V{%( zcuTLs__ZDtFhIwb9Fjpu02p5}%=smZ=7YqeS_Qq)g?fAo`9 zg}xe#7qMxx7wWAh@5^xR+<51>kiq(ckwM)XB|NsK%u6;Moj7=al(Z&K%J(@3+ ztOsRS6t7E(Gu7s@2J$zqkC{+wJ$m@4A z-=7hi4$FTkHj$y*od0FPRUE6K%Vq6~b_omH>mR-Q#p9+h3ut+qP>RQkO0>HkL`8luF%m#n;B`@Z`DO ze3?FW_}bZ1x_rL1AAem(4IAu9Xm?_G>m`__bIyv6bT6Qw&_tAUa^JzWn(!e?L6}{| z%d%;9m-qL+9qMJ+7rbz0>-T#-ay4U?e5-J6%`rS~X?UQbe?LwMxEEP^Zbs{Q@t_Pp z_2k!&WHnViBX%ETEesC)4%etrus*| zQgt8n^=zrA#Kw}=aaSMk%zd8v&9bX6ok57TlK$%O0aFZlw>f2x_x@utN5&% z&$IgObkg3`?y;+*+DBQ;1XB(AMJ^6t_6g;GvD6J7E7{T3cO_^4kM#MTv*)JxZoj_V z`Po#!AT_S@YW!W9h1kr=Uv#H0nNz>gEWM7zt~F{$W3fxNsLmM$wn`9OjfX^Jgci|$ z$)E&k{yMfdo-jr~8XI~x62&NE%RGz{s0jSgyFXjYlW=-YfJa4!@i5aHZew~iyO@i! zU2iXst|@i}&-=Yzomp^vHvYb+eCyGkbRJFWYnR_)d$VaEZ1(Q!4AcyNpq- zLp54jXReNR_v~`qhkdz zTb;S8fwqJ>v{WGd_(=;zoI=uZGu9kOK}S{%Njkoi4K($ooc*iNveu{-O<2lVmH2x; z>(R_g-uuJY{6nRNc;wVd=C3ljRP@My_Ye0!DZ8u|!Jou{9-pye7|oRI0dE$>Mcth}5lPBfH1h z7eqw|+-+zj3dZE;40la-oar_gO1peURLphf;a86s@AD;<1zYMmq?ZRVlsn^V$U8l)U+HP5xXq@d1ti z)O_7kvwhj;+q~B<#;uFt<7ny=oi+>WyeRUa>9+FiuSFR0o6kE=eAqN_Gu^oOu0f4d zffT1??m)x$g0Y`>#Ty>-M`7sQUXV5uJp0RRV%f8rP5h#MD92w-%+LDZ8}BxIBC+OS zLnr55UBZtcfvpV3LoRRBp3=GG6Dj}klSm+W?^JBec4O?TV~yRca9{W4 zF|XmDJquEm7YAN3o1XTYl-72={}G9o z<@LC7GKn&AbFP27v2|~SuIy>$@&|Ji2cv(8v+cY`aPpC=uN9QEN z;Ct0B$&^WFg0~p>V7bF_b6`>y&m~qV&YsaLedOG+mN_-guZO;>6^*4gS3S1x-yH7v zRb=ewg&hV~Z|#q@+qu7RJ;wR1ps@6MPJj687Ax$f^<(+Gqx1Cn-csQ!6#=*AkagKj z-d;n}={;!X#(6}DHO=tUWX4YIjvosYjs5iW1#XQpedJ1Ife`Wd*9NX1UaC4?dOC6I zT2sWh`s+HWldg3tmi6bJIw_0yp{r!7j*q{d<=HuRy{W#0p$6GK!(%d%zp+uV<`lNH zQuK7CXkC%@FkeBCzfpE&{+_Onrxx~AdvhP>ddTnm7&$j^jo<%aw#qA6$JeD6EazO* zk~z+u7}un5BD<#g+o!HGIqR(k zYaFsA*UhDhKBd!4YjV2+{i^%C`znSt_vU9!p*segena(^CHE>WYG5p8RAQPrT85vd ze)T(#xz;QlaE?7kS7nwbsBHbFiyw!&T~i}e?~tB|2^=N(29l>9q?xnS=c}u8J}*b; zX4P?Mb)B0{i%DzmXqOF5V~lqt<0w77JODJfX~w&X<(eRS|G z+pw&3-(!5~Ti@^FQA-u!_p)_IjLh)RI6gGJTl10rEiEx%l~t}a3SI8EbmFBq!>1*` z%;VgQ(9p-$07J^*@kb_Pwo50TFf_yq`*<@tzQ44)qUZ6cy*nIg?_9dB_ip4>_W0({3Xd!dq{R?`$v>$Kh<{nBD`Fx=ZyX*X&3H1w#_9qWC%y8 zJavF$?;&@)XSSjb<-YHM&iPCol$?%d>)BP!y(4H9`qmno5trR?#{Rj*d&WpGvmQ^> zQURAhM|J6tJ6KY#JUOtb{5Zd-PyWv~eye*TDk*j?$9ugB4ymJ6W%Kwy_SEX#JLJj5 z7Q6~QYmLvaq@@JO8fv+Nk0q~LMefSyOz4m^@_WYK9<#X6WL$ti(v_i;Qke4vXK|Z1OfsX);2XorPxa z`!M?6hrA1u+<8x47DkXOgY4H?Yj(KH*C@5|sGBQnvH5Y9b1+-~mRs+*Fl5?sJ>oLO z_T;8>G$IeLZHhjh*L^7}JUO9YNBd-K_JqX~t7sd23yat5{T-jNcK4i(+kzc!&to^`1`}=LbCbdox}uFrlZtZk^L} zn>jCHa(04Vx`CGN!F*3bTx-yK@mR~(Bicd}Z7x@N*>61DX*+*H&Q0rrWvy703P)ar zFk{F|1$M8aX4NzHS;~H;v@iJCJDmksnc1GUjH0IeYXX1|DE&08?3|^%v*Yv@S>fX9 z{&dd5t3R(d7x8AW2nKnSo=IwI$_wZ0@D0o>Yqi_a;g|8_`%hX4n#(*Z1qwo?&mkZ#%M!C&hydp%)Xwkh(TUKmwJb3uW;XWa2=!F#?HSdksB~*tjE*a1NP{4TbDN z&FzvvpZw^@Mn1L_YVI7IL5Bs|XU;Zc zIQtFspytB;$qQS=s_H`arodew)FMHOi>YRN(ULf5F9u5hc)=DXVMve_0;%E-a>C#& zI2joPQrX4P(E(0j0~u!)5Qq$rAf?R?B+L;Yq^ASf#ls!~SA@tw2eJo*^l%59p!k6n z#hL5?+KwPs4gBxo3)EPnzOo0esJV=vMf{17csRj`N4qXVT2T6h%3?UK` zLfSw`TL@_fp#jH`FfP!-K}cr^=>l3L2zdm7bO&>Sq%{Br(|ChvA*2t4^o5Xq@In@| z3;!+$+y)`FZGJNXvv_LwlR@*ZgMwuYr{+-^LzUnEU>C^rqc|Kf0aAez>YTg*ix5aN z^~FWv!R_;JDqunUqdZi!|38|eW8+ViI?yy6;EIxs=Wnz`aJ7Zh06CK`b_(uJZVvF| z3X3$uA_VLFv#dYSg#|=Fq5fYK#Q!ZGELsx60ZHNrC`b}~#V2412ofFz1doC+;3Eqb zq}{*;59oy7!~L-!2?#)eHeAE+!4(GqWL*)#co-*1k_75S z7+g~qgC!#18YTi>6kG_vX24_dVBw26KwmH~wT;CAMo3Z%o=BqBBqE>}zzJv!Sm5Hk zI500B0~iBb2>cEYYDvH>xTY46CkitIW&&Kp^HYTeGZ4@K7)oUp9*m(f{KU4KEF@L7~b6o^G)q@V{mD7u8||5V(i}16B-%;bE!(I1ttoGLQvoRMnEEvpg#pxghd^I^7qUZ9I$TuDb$st@PO}tR#*pCDI{R|sCoem zIN_i2M<@Q&FjIis5!4!P|5K>4UVIPt`CDMUfTar8R)3Adzro#aQ%=nqG+Z>~AmNGX zYN$3GFqZm2wex8BN&)m*^aRx0ERcK++jk&#>YGLLkNNGalpvr5RJbC9fjuf1s|Ep$ zptkfN3>?M*m@ZIyxP<^70P}l7s_y_sjoJZrE!0m}ptB87#YLzc?3SqSZGqM=wj3a^ zd@3qOu)`K%F2JBHwwxibIjAF!KtN>F7Qp;_7I&aqi!g79dT0g&kwF^vBFqQE{hosY zfvf}SSU(8d15;bRuw$gQ7CiuP0Pxd)Ci!1SqYBh|5yOA);paaY4+`kT%yI<)`{T_1 zW~?LaY#{0Z0;z!c(+xPv-#%|ew|_|ZNACa43se1j-v59w@hgCTd^JLL$_xetRD~kg_g(#D?PO=0S0Dv4uSC9U)sAJ6GW8Ko=@15R?7e1N_N>1Xdh! zrcgYkkjVdrN_dc+ME+riKiR<%fr4-(1aJ|*f4~Faf!a7ie_`;>fPawtZx|Ybfz@Og z3d4MK>lhv|*XzYr00Ku-90|mx{4GjPO@)U)Zgg5X~7zVv!UK9p{TEPPh z9$4vRW3hl)D_~eSUwY{rSOUDMm%&INR9ObYVc?Cvv>y)k#LHoXl`uRCSmtH@@Yt2> z#S`IOv~&&v3O;QtgJEH-x(r5u4c0Q4By5D1!AQV!ErSs;EAbKW_!anwu$NgjRuZ*R z55Tl5=8zDXtc~3&Gq?v?WIhKT5K_41?`2B}}6tazrn**8p*G3xdjvnx7g=(J- kJv?B`MQt0o1cDRI?{qvHGKFdq&=?#}5+NX 1: - plt.text(peak_x, peak_y+.1, text_str) - - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to 1') - plt.grid() - plt.ylim(0, 1.3) - - # Plot the Histogram Normalized to 1 - plt.subplot(2, 1, 2) - for i in range(1, num_rows + 1): - if i % 2 == 1: - text_str = '%d' % ((i + 1)) - n = normalize_data(avg_basin_size[i-1][:], i, i) - peak_x, peak_y = getpeak(n) - plt.plot(np.arange(0, num_cols), n) - - # Label the Curve - if peak_y < 4.3 and peak_x > 1: - plt.text(peak_x, peak_y+.1, text_str) - - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to P') - plt.grid() - plt.ylim(0,4.5) - - # Fix layout issues in plot. - fig.tight_layout() - - # Save the figure - fig.savefig(root_path + '/' + path) - - return file_path + '/' + root_path + '/' + path - -# Handle Invalid weights -class InvalidWeightsException(Exception): - pass - -# Handle Invalid NN Input -class InvalidNetworkInputException(Exception): - pass - -# Class for maintaining all of the data structures used for the simulation -class Data(object): - - # Initialize Class - def __init__(self, args, histo_file=None): - self._nnsize = args.nnsize - self._npat = args.npat - self._exp = args.experiment_number - self._stable = np.zeros(self._npat) - self._basin_hist = np.zeros((self._npat, self._npat + 1)) - self._prunstable = np.copy(self._stable) - self._data_file_name = args.dfn - self._histo_data_file_name = histo_file - - # Calculate the probablity vectors - def calc_prob(self): - stable_prob = np.zeros(self._npat) - for p in range(self._npat): - stable_prob[p] = self._stable[p] / (p+1) - self._prunstable[p] = 1 - stable_prob[p] - - # Sum each run - def sum(self, data): - self._stable += data._stable - self._prunstable += data._prunstable - self._basin_hist += data._basin_hist - - # Average all of the runs - def avg(self, nruns): - self._stable /= nruns - self._basin_hist /= nruns - self._prunstable /= nruns - - # Save the report data as a human readable text file - # Can also be read back into NumPy Arrays or Python Lists - def save_report_data(self): - with file(self._data_file_name, 'w') as outfile: - outfile.write('# Average Stable Probability Data\n') - outfile.write('# Array shape {0}\n'.format(self._stable)) - np.savetxt(outfile, self._stable, fmt='%-7.2f') - outfile.write('\n') - - outfile.write('# Average Unstable Probability Data\n') - outfile.write('# Array shape {0}\n'.format(self._prunstable)) - np.savetxt(outfile, self._prunstable, fmt='%-7.2f') - outfile.write('\n') - - outfile.write('# Average Basin Histogram Data\n') - outfile.write('# Array shape {0}\n'.format(self._basin_hist)) - np.savetxt(outfile, self._basin_hist, fmt='%-7.2f') - outfile.write('\n') - - # Save Histogram data for use in plotting separately - def save_histo_data(self): - np.save(self._histo_data_file_name, self._basin_hist) - - # Graph each run - def graph(self, run): - return plot_graph_data(self._exp, self._npat, self._stable, self._prunstable, run) - -# Class for the Hopfield Neural Network Model used -class HopfieldNetwork(object): - - # Initialize Class - def __init__(self, num_inputs): - self._num_inputs = num_inputs - self._weights = np.random.uniform(-1.0, 1.0, (num_inputs,num_inputs)) - - # Set the weights of the weight vector - def set_weights(self, weights): - if weights.shape != (self._num_inputs, self._num_inputs): - raise InvalidWeightsException() - - self._weights = weights - - # Get the weights - def get_weights(self): - return self._weights - - # Evaluate the state of the Neural Network - def evaluate(self, input_pattern): - if input_pattern.shape != (self._num_inputs, ): - raise InvalidNetworkInputException() - - weights = np.copy(self._weights) - - # Compute the sums of the input patterns - # Uses dot product - sums = input_pattern.dot(weights) - - s = np.zeros(self._num_inputs) - - # Enumerate the sums of the inputs and calculate new values - for i, value in enumerate(sums): - if value > 0: - s[i] = 1 - else: - s[i] = -1 - - return s - - # Run the updating of the Network for a specified iteration count - # Default number of iterations is 10 - def run(self, input_pattern, iterations=10): - last_input_pattern = input_pattern - iteration_count = 0 - - while True: - result = self.evaluate(last_input_pattern) - - iteration_count += 1 - if np.array_equal(result, last_input_pattern) or iteration_count == iterations: - return result - else: - last_input_pattern = result - -# Imprint the patterns onto the network -def imprint_patterns(network, input_patterns, p): - num_neurons = network.get_weights().shape[0] - weights = np.zeros((num_neurons, num_neurons)) - - for i in range(num_neurons): - for j in range(num_neurons): - if i == j: continue - for m in range(p): - weights[i, j] += input_patterns[m][i] * input_patterns[m][j] - - weights *= 1 / float(network._num_inputs) - - network.set_weights(weights) - -# Test the patterns for stability -def test_patterns(p, input_patterns, network, data): - for k in range(p): - pattern = input_patterns[k][:] - updated_pattern = np.copy(pattern) - updated_pattern = network.run(updated_pattern, 1) - if np.array_equal(updated_pattern, pattern): - data._stable[p - 1] +=1 - - # Run Basin test - data = basin_test(p, pattern, network, data, 5) - else: - data._basin_hist[p - 1][0] += 1 - - return data - -# Run the basin size tests -def basin_test(p, input_pattern, network, data, runs): - basin = 0 - - for run in range(runs): - converge = True - array = np.random.permutation(data._nnsize) - updated_pattern = np.copy(input_pattern) - - for i in range(1, data._npat + 1): - for j in range (i): - updated_pattern[array[j]] *= -1 - - updated_pattern = network.run(updated_pattern) - if not np.array_equal(updated_pattern, input_pattern): - converge = False - basin += i - break - - if converge: - basin += 50 - - basin = round((basin / runs), 0) - data._basin_hist[p - 1][basin] += 1 - return data - -# Run the experiment -def run_experiment(args): - stable = np.zeros((args.npat)) - input_patterns = np.random.choice([-1,1], ((args.npat), (args.nnsize))) - Hnet = HopfieldNetwork((args.nnsize)) - data = Data(args) - - # Go through all npat patterns and run tests - for p in range (1, args.npat + 1): - imprint_patterns(Hnet, input_patterns, p) - test_patterns(p, input_patterns, Hnet, data) - data.calc_prob() - - return data - -# Execute on program start -if __name__ == '__main__': - - graph_list = [] - - parser = setup_argparser() - args = parser.parse_args() - experiment_number = args.experiment_number - histo_file = 'results/data/Experiment-%s/%s' % (experiment_number, args.hfn) - - # Setup directories for storing results - if not os.path.exists('results'): - os.makedirs('results') - - with cd('results'): - if not os.path.exists('data'): - os.makedirs('data') - with cd('data'): - if not os.path.exists('Experiment-' + str(experiment_number)): - os.makedirs('Experiment-' + str(experiment_number)) - - avg_data = Data(args, histo_file) - - # Run experiment for nruns number of times - for i in range(1, int(args.nruns) + 1): - exp_data = run_experiment(args) - graph_list += exp_data.graph(i) - avg_data.sum(exp_data) - - avg_data.avg(args.nruns) - - # Save the average data - avg_data.save_report_data() - avg_data.save_histo_data() - - # Plot the average stability graphs and make the histogram for basin sizes - plot_graph_data(experiment_number, args.npat, avg_data._stable, avg_data._prunstable, 0) - plot_histogram(avg_data._basin_hist, experiment_number) - - diff --git a/hopfield/testHisto.py b/hopfield/testHisto.py deleted file mode 100755 index 62100c4..0000000 --- a/hopfield/testHisto.py +++ /dev/null @@ -1,57 +0,0 @@ -import sys -import os -import numpy as np -import matplotlib.pyplot as plt - -def normalize_data (data, scale): #Normalization function - arr = np.copy(data) - np_minmax = ((arr - arr.min()) / (arr.max() - arr.min())) * scale - return np_minmax - -def plot_histogram(avg_basin_size): - - (num_rows, num_cols) = avg_basin_size.shape - avg_basin_size[:][:] += 1 - #bins = np.arange(0, num_cols) - - fig = plt.figure() - # Histogram normalized to 1 - plt.subplot(2, 1, 1) - for i in range(1, num_rows + 1): - if i % 2 == 0: - label = 'p = %s' % str(i + 1) - plt.hist(avg_basin_size[i - 1][:], num_cols, normed=True, alpha=0.5) - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to 1') - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) - plt.grid() - - # Histogram normalized to p - plt.subplot(2, 1, 2) - for i in range(1, num_rows + 1): - if i % 2 == 0: - label = 'p = %s' % str(i + 1) - plt.hist(avg_basin_size[i - 1][:], num_cols, normed=True, alpha=0.5) - plt.xlabel('B') - plt.ylabel('Value') - plt.title('Probability Distribution of Basin Sizes Normalized to P') - plt.grid() - #plt.legend(loc=9, bbox_to_anchor=(0.5, -0.1), ncol=10) - - # Save the figure - fig.tight_layout() - fig.savefig('histo_file.jpg') - -if __name__ == '__main__': - - histo_file = sys.argv[1] - - # try to load the 2D array fromt he file - # since it is the only structure in the file accessing all of the - # possible file structures should give us just that array - histo_data = np.load(histo_file) - plot_histogram(histo_data) - - - From 6490d109e5e4687acf2fbc0e76908651ce8f11a1 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 23 Apr 2015 11:38:35 -0400 Subject: [PATCH 52/70] renamed some files and added project structure for particle swarm optimization algorithm --- genetics/basic/__init__.py | 0 genetics/basic/driver.py | 62 +++ genetics/basic/ffs.py | 17 + genetics/basic/geneticAlgorithms.py | 414 +++++++++++++++++ genetics/basic/geneticRun.py | 225 ++++++++++ neuralnetworks/backpropagation/.old/driver.py | 33 ++ .../backpropagation/.old/face_graphs.py | 94 ++++ .../backpropagation/.old/testing1.txt | 100 +++++ .../backpropagation/.old/testing2.txt | 100 +++++ .../backpropagation/.old/training1.txt | 200 +++++++++ .../backpropagation/.old/training2.txt | 200 +++++++++ .../backpropagation/.old/validation1.txt | 50 +++ .../backpropagation/.old/validation2.txt | 50 +++ neuralnetworks/backpropagation/__init__.py | 0 neuralnetworks/backpropagation/analysis.py | 136 ++++++ neuralnetworks/backpropagation/network.py | 354 +++++++++++++++ neuralnetworks/backpropagation/runTests.py | 149 +++++++ .../backpropagation/src/__init__.py | 0 .../backpropagation/src/analysis.py | 137 ++++++ neuralnetworks/backpropagation/src/network.py | 369 ++++++++++++++++ .../backpropagation/src/run_tests.py | 149 +++++++ neuralnetworks/backpropagation/src/tests.py | 234 ++++++++++ neuralnetworks/backpropagation/src/utils.py | 106 +++++ neuralnetworks/backpropagation/tests.py | 234 ++++++++++ neuralnetworks/backpropagation/utils.py | 106 +++++ neuralnetworks/hopfield/hopfieldNetwork.py | 416 ++++++++++++++++++ neuralnetworks/hopfield/testHisto.py | 57 +++ selforganization/pso/__init__.py | 0 selforganization/pso/driver.pu | 0 selforganization/pso/psoAlgorithm.py | 0 selforganization/pso/psoRun.py | 0 31 files changed, 3992 insertions(+) create mode 100644 genetics/basic/__init__.py create mode 100644 genetics/basic/driver.py create mode 100644 genetics/basic/ffs.py create mode 100644 genetics/basic/geneticAlgorithms.py create mode 100644 genetics/basic/geneticRun.py create mode 100644 neuralnetworks/backpropagation/.old/driver.py create mode 100644 neuralnetworks/backpropagation/.old/face_graphs.py create mode 100644 neuralnetworks/backpropagation/.old/testing1.txt create mode 100644 neuralnetworks/backpropagation/.old/testing2.txt create mode 100644 neuralnetworks/backpropagation/.old/training1.txt create mode 100644 neuralnetworks/backpropagation/.old/training2.txt create mode 100644 neuralnetworks/backpropagation/.old/validation1.txt create mode 100644 neuralnetworks/backpropagation/.old/validation2.txt create mode 100644 neuralnetworks/backpropagation/__init__.py create mode 100644 neuralnetworks/backpropagation/analysis.py create mode 100644 neuralnetworks/backpropagation/network.py create mode 100644 neuralnetworks/backpropagation/runTests.py create mode 100644 neuralnetworks/backpropagation/src/__init__.py create mode 100644 neuralnetworks/backpropagation/src/analysis.py create mode 100644 neuralnetworks/backpropagation/src/network.py create mode 100644 neuralnetworks/backpropagation/src/run_tests.py create mode 100644 neuralnetworks/backpropagation/src/tests.py create mode 100644 neuralnetworks/backpropagation/src/utils.py create mode 100644 neuralnetworks/backpropagation/tests.py create mode 100644 neuralnetworks/backpropagation/utils.py create mode 100755 neuralnetworks/hopfield/hopfieldNetwork.py create mode 100755 neuralnetworks/hopfield/testHisto.py create mode 100644 selforganization/pso/__init__.py create mode 100644 selforganization/pso/driver.pu create mode 100644 selforganization/pso/psoAlgorithm.py create mode 100644 selforganization/pso/psoRun.py diff --git a/genetics/basic/__init__.py b/genetics/basic/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/genetics/basic/driver.py b/genetics/basic/driver.py new file mode 100644 index 0000000..b849c56 --- /dev/null +++ b/genetics/basic/driver.py @@ -0,0 +1,62 @@ +#driver.py +import os + +def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, NG=20): + string = 'python .\geneticRun.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --num_learning_guesses ' + str(NG) + print "DRIVER: %s" % string + os.system(string) +def learn(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=True, NG=20): + string = 'python .\geneticRun.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --learn_offspring ' + str(learn)\ + + ' --num_learning_guesses ' + str(NG) + print "DRIVER: %s" % string; + os.system(string) +def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nruns=1, seed=123456): + string = 'python .\geneticRun.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --learn_offspring ' + str(learn)\ + + ' --change_environment ' + str(CE)\ + + ' --num_learning_guesses ' + str(NG) + print "DRIVER: %s" % string; + os.system(string) + +exp = 0; +pm = .033; +N = 30 +print "DRIVER: EVALUATING POPULATION SIZE AND MUTATION PROBABILITY" +run(exp = exp, N = N, pm = 1/N) + +while (N < 150): + run(exp = exp, N = N, pm = 1/N) + N+=10 + exp+=1 +print "DRIVER: EVALUATING CROSSOVER PROBABLITY" +pc = .3 +while (pc < 1): + run(exp = exp, pc = pc) + pc +=.1 + exp+=1 +print "DRIVER: EVALUATING NUMBER OF GENERATIONS" +G=30 +while (G <= 150): + run(exp = exp, G = G); + G+=10 + exp+=1 \ No newline at end of file diff --git a/genetics/basic/ffs.py b/genetics/basic/ffs.py new file mode 100644 index 0000000..e64eafd --- /dev/null +++ b/genetics/basic/ffs.py @@ -0,0 +1,17 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +############################################################## +# ffs.py, fitness functions to be used in +# genetic_algorithms.py +# +# Written by Jared Smith for COSC 427/527 +# at the University of Tennessee, Knoxville. +############################################################### + + +def fitness_func_1(bit_sum, l): + return (pow(((bit_sum *1.0)/ pow(2.0, l)), 10)) + + +def fitness_func_2(bit_sum, l): + return (pow(((1.0 - bit_sum) / pow(2.0, l)), 10)) diff --git a/genetics/basic/geneticAlgorithms.py b/genetics/basic/geneticAlgorithms.py new file mode 100644 index 0000000..d84df60 --- /dev/null +++ b/genetics/basic/geneticAlgorithms.py @@ -0,0 +1,414 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +############################################################## +# genetic_algorithms.py, general purpose genetic +# algorithm in Python +# +# Written by Jared Smith and David Cunningham for COSC 427/527 +# at the University of Tennessee, Knoxville. +############################################################### +# TODO: +# - Generalize ff call to fitness function using kwargs argument +# +############################################################### + +import random + +import bitstring as bs +from scipy import stats +import numpy as np + +import ffs + + +class BaseGeneticAlgorithm(object): + + """ + + Basic class for executing a genetic algorithm. + + Parameters: + l is the size of the bit strings (each bit is a gene) + N is the size of the population + G is the number of generations + pr_mutation is the probability of mutation among the genes + pr_crossover is the probability of crossover among the genes + population is a list of bit strings (gene strings) of size N + current_offspring is the current generation of children + nruns is the number of runs to run the algorithm + learn is a bool specifying whether to learn the offspring + NG is the number of guesses to use when learning the offspring + ff is the fitness function to use + ce is a bool specifying whether to inflict a sudden change of + environment on the final population + rs is the seed for the random number generator; if left blank it will default to None. + + """ + + def __init__(self, args, logger): + # Parameters of the algorithm + self.args = args + self.l = args.l + self.N = args.N + self.G = args.G + self.pr_mutation = args.pm + self.pr_crossover = args.pc + random.seed(args.rs); #seed the RNG + self.population = [] + self.current_offspring = [] + self.nruns = args.nruns + self.NG = args.NG + self.learn = args.learn + self.ff = args.ff + self.ce = args.ce + self.max_recovery = 100 + + # Helper objects + self.logger = logger + self.orig_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.norm_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.total_fitness_vals = np.zeros((self.G + self.max_recovery, self.N)) + self.parents = [[None, None] for x in xrange(self.G + self.max_recovery)] + self.pr_mut_dist = None + self.pr_cr_dist = None + self.env_state = 0 + + # Statistics Objects + self.avg_fitness_vals = np.zeros((self.nruns, 2, self.G + self.max_recovery)) + self.best_fitness_vals = np.zeros((self.nruns, 2, self.G + self.max_recovery)) + self.num_correct_bits = np.zeros((self.nruns, 2, self.G + self.max_recovery)) + self.recovery_time = 0 + + + def initialize_algorithm(self): + # Initialize the population + self.logger.info("Initializing population...") + self.initialize_pop() + self.logger.info("Initialization Complete.") + + # Generate probablility distributions for mutation and crossover + self.logger.info("Generating probability distributions for mutation and " + + "crossover...") + self.generate_prob_distributions() + self.logger.info("Generated probability distributions for mutation and " + + "crossover.") + + # Initialize the Population + def initialize_pop(self): + # Generate N random bitstrings + self.population = [] + self.current_offspring = [] + for i in range(self.N): + tmp_bitstring = ''.join(random.choice('01') for _ in range(self.l)) + tmp_bitstring = bs.BitArray(bin=tmp_bitstring) + self.population.append(tmp_bitstring) + + # Initialize the genetic environment + def initialize_env(self): + # Get the appropriate fitness function + self.logger.info("Initializing environment...") + if self.env_state != 0: + self.recovery_time = 0 + self.logger.info("Initialized environment.") + + # Generate probability distributions for mutation and crossover + def generate_prob_distributions(self): + # xk is an array of size 2 (0, 1), that represents the possible + # values we can get out of the distribution + xk = np.arange(2) + + # pk1 and pk2 are the probabilities for getting the corresponding + # xk value for mutation and crossover, respectively + pk1 = (1 - self.pr_mutation, self.pr_mutation) + pk2 = (1 - self.pr_crossover, self.pr_crossover) + + # Generate the object that will be used to get random numbers + # according to each distribution. + self.pr_mut_dist = stats.rv_discrete(name='pr_mut_dist', + values=(xk, pk1)) + self.pr_cr_dist = stats.rv_discrete(name='pr_cr_dist', + values=(xk, pk2)) + + # Calculate the fitness of each individual of the population + def fitness(self, g, nrun, ff=ffs.fitness_func_1): + total_fitness = 0 + + self.logger.debug("Getting fitness of generation %d" % g) + + # Step through each bitstring in the population + for i, bitstring in enumerate(self.population): + # Get the integer value of the string + bit_sum = bitstring.uint + self.logger.info("Sum of bitstring at %d of population: %d" % (i, bit_sum)) + fitness_val = self.ff(bit_sum, self.l) + self.orig_fitness_vals[g][i] = fitness_val + self.logger.debug("Fitness Value at index %d in population: %lf" % (i, fitness_val)) + total_fitness += fitness_val + + self.logger.debug("Total fitness from step 1: %lf" % total_fitness) + if total_fitness > 0: + self.norm_fitness_vals[g] = self.orig_fitness_vals[g] / total_fitness + self.logger.debug("Sum of norm fitness vals: %lf" % np.sum(self.norm_fitness_vals[g])) + + prev_norm_fitness_val = 0 + for i in range(self.N): + self.logger.debug("Normalized Fitness Value at index %d in population: %lf" % (i, self.norm_fitness_vals[g][i])) + self.total_fitness_vals[g][i] = ( + self.norm_fitness_vals[g][i] + prev_norm_fitness_val) + prev_norm_fitness_val = self.total_fitness_vals[g][i] + self.logger.debug("Total Fitness Value at index %d in population: %lf" % (i, self.total_fitness_vals[g][i])) + + # Select parents from population + def select(self, g): + rand_nums = np.random.uniform(0, 1, 2) + + # Select the first parent + self.logger.info("Selecting the first parent...") + prev_individual_fit = 0 + j = 0 + while True: + if j >= self.N: + j = 0 + rand_nums = np.random.uniform(0, 1, 2) + + individual_fit = self.total_fitness_vals[g][j] + if rand_nums[0] < self.total_fitness_vals[g][0]: + self.logger.debug("1: Prev_Individual Fit: %lf" % prev_individual_fit) + self.logger.debug("1: Individual Fit: %lf" % individual_fit) + self.logger.debug("1: Rand Num: %lf" % rand_nums[0]) + self.logger.debug("1: Population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][0] = self.population[0] + break + + if j != 0: + self.logger.debug("1: Prev_Individual Fit: %lf" % prev_individual_fit) + self.logger.debug("1: Individual Fit: %lf" % individual_fit) + self.logger.debug("1: Rand Num: %lf" % rand_nums[0]) + self.logger.debug("1: Population at %d: %s" % (j, self.population[j].bin)) + + if (prev_individual_fit <= rand_nums[0] <= individual_fit): + self.logger.debug("1: selected individuval from population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][0] = self.population[j] + self.logger.debug("1: parents[%d][0]: %s" % (g, str(self.parents[g][0]))) + break + prev_individual_fit = individual_fit + j += 1 + self.logger.info("First parent has been selected.") + + # Select the second parent + self.logger.info("Selecting the second parent...") + prev_individual_fit = 0 + j = 0 + cycles = 0 + while True: + if j >= self.N: + cycles += j + if cycles >= 100: + self.parents[g][1] = self.parents[g][0] + break + else: + j = 0 + rand_nums = np.random.uniform(0, 1, 2) + + individual_fit = self.total_fitness_vals[g][j] + if rand_nums[1] < self.total_fitness_vals[g][0]: + self.logger.debug("2: prev_individual fit: %lf" % prev_individual_fit) + self.logger.debug("2: individual fit: %lf" % individual_fit) + self.logger.debug("2: rand num: %lf" % rand_nums[1]) + self.logger.debug("2: population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][1] = self.population[0] + break + + if j != 0: + self.logger.debug("2: prev_individual fit: %lf" % prev_individual_fit) + self.logger.debug("2: individual fit: %lf" % individual_fit) + self.logger.debug("2: rand num: %lf" % rand_nums[1]) + self.logger.debug("2: population at %d: %s" % (j, self.population[j].bin)) + + if (prev_individual_fit <= rand_nums[1] <= individual_fit): + if (self.population[j] != self.parents[g][0]): + self.logger.debug("2: selected individuval from population at %d: %s" % (j, self.population[j].bin)) + self.parents[g][1] = self.population[j] + self.logger.debug("1: parents[%d][0]: %s" % (g, str(self.parents[g][1]))) + break + + prev_individual_fit = individual_fit + j += 1 + + self.logger.info("Second parent has been selected.") + + # Mutate the parents + def mutate(self, g): + + for parent in self.parents[g]: + for index_bit in xrange(0, self.l): + # Determine whether we will perform a mutation on the bit + to_mutate = self.pr_mut_dist.rvs(size=1) + + # Mutate the bit if choice is 1, otherwise skip it + if to_mutate: + parent.invert(index_bit) + + + # Crossover the parents + def crossover(self, g): + to_crossover = self.pr_cr_dist.rvs(size=1) + + # Crossover the parents if to_crossover is 1, otherwise copy the + # parents exactly into the children + if to_crossover: + # Create empty children + c1 = bs.BitArray(length=self.l) + c2 = bs.BitArray(length=self.l) + + # Select the bit at which to crossover the parents + crossover_bit = random.randint(0, self.l) + + # Perform the crossover + c1.overwrite(self.parents[g][0][:crossover_bit], 0) + c1.overwrite(self.parents[g][1][:(self.l - crossover_bit)], crossover_bit) + c2.overwrite(self.parents[g][1][:crossover_bit], 0) + c1.overwrite(self.parents[g][0][:(self.l - crossover_bit)], crossover_bit) + + self.current_offspring.append(c1) + self.current_offspring.append(c2) + else: + self.current_offspring.append(self.parents[g][0]) + self.current_offspring.append(self.parents[g][1]) + + # Learn the children on the fitness function. + def learn_offspring(self, g, ff=ffs.fitness_func_1): + # For every child in the current generation, iterate for NG guesses, + # manipulating the child every time trying to find a best fitness, + # and when the children are exhausted, the children will have been + # fine tuned according to the original fitness function. + for child in self.current_offspring: + for guess in xrange(0, self.NG): + current_child = child.copy() + max_fitness = 0 + + for ibit in xrange(0, self.l): + if random.choice([0, 1]): + if current_child[ibit]: + current_child.set(False, ibit) + elif not current_child[ibit]: + current_child.set(True, ibit) + + bit_sum = current_child.uint + current_fitness = ff(bit_sum, self.l) + max_fitness = max(current_fitness, max_fitness) + + if current_fitness == max_fitness: + child = current_child + + def compute_statistics(self, g, nrun): + # Get the number of correct bits in the best individual + index_bi = self.orig_fitness_vals[g].argmax() + bi_bitstring = self.population[index_bi] + individual_num_correct_bits = bi_bitstring.count(1) + self.num_correct_bits[nrun][self.env_state][g] = individual_num_correct_bits + + # Get the numerical value of the best fitness + self.best_fitness_vals[nrun][self.env_state][g] = self.orig_fitness_vals[g][index_bi] + + # Get the average value of the fitness + self.avg_fitness_vals[nrun][self.env_state][g] = np.average(self.orig_fitness_vals[g]) + + # Logging computed statistics to stdout and to file + self.logger.info("Number of Correct Bits in Best Individual: %d" + % individual_num_correct_bits) + self.logger.info("Fitness Value of Best Individual: %lf" + % self.best_fitness_vals[nrun][self.env_state][g]) + self.logger.info("Average Fitness Value of Generation: %lf" + % self.avg_fitness_vals[nrun][self.env_state][g]) + + # Check if the population has recovered from an environment change + def check_population_recovery(self, g, nrun): + checks = [] + checks.append((self.best_fitness_vals[nrun][1][g] > self.best_fitness_vals[nrun][0][self.G - 1])) + checks.append((self.avg_fitness_vals[nrun][1][g] > self.avg_fitness_vals[nrun][0][self.G - 1])) + for check in checks: + print check + if all(checks): + return True + + # Run one generation + def reproduce(self, nrun, g): + self.logger.info("Running fitness function on generation " + + "%d..." % g) + self.fitness(g, nrun, self.ff) + + # Select the parents of the next generation and generate the + # new offspring. + for i in range(self.N / 2): + self.logger.info("Selecting the parents of generation %d..." + % g) + self.select(g) + self.logger.info("Selection of the parents of generation " + + "%d finished." % g) + + self.logger.info("Performing crossover and mutation of " + + "the parent's offspring from generation " + + "%d..." % g) + self.crossover(g) + self.mutate(g) + self.logger.info("Crossover and mutation of the " + + "the parent's offspring of " + + " generation %d finished.", g) + + # Learn the offspring if specified + if self.learn: + self.logger.info("Performing learning on the offspring" + + " of generation %d..." % g) + self.learn_offspring(g, self.ff) + self.logger.info("Learning on the offspring" + + " of generation %d finished." % g) + + # Compute statistics for this generation + self.logger.info("Computing statistics for Run %d, Generation %d..." % (nrun, g)) + self.compute_statistics(g, nrun) + self.logger.info("Computation of statistics finished for Run %d, Generation %d." % (nrun, g)) + + # Replace the old population with the new population + self.population = self.current_offspring + self.current_offspring = [] + + # Run through the total runs specified + def run(self): + for nrun in range(self.nruns): + self.logger.info("Starting run %d..." % nrun) + self.initialize_algorithm() + + self.env_state = 0 + self.ff = ffs.fitness_func_1 + self.logger.info("Fitness Function before normal generation run: %s" % str(self.ff.__name__)) + + for g in range(self.G): + self.logger.info("Generation %d running..." % g) + self.reproduce(nrun, g) + self.logger.info("Generation %d finished." % g) + + if self.ce: + self.logger.info("Running Sudden change in environment test starting at generation %d..." % g) + self.env_state = 1 + self.initialize_env() + self.ff = ffs.fitness_func_2 + self.logger.info("Fitness Function before changed environment generation run: %s" % str(self.ff.__name__)) + + while True: + g += 1 + self.recovery_time += 1 + self.logger.info("Recovery Time: %d, Max Recovery: %d, Generation %d In Changed Environment" % (self.recovery_time, self.max_recovery, g)) + if self.recovery_time >= self.max_recovery: + self.logger.info("Population has not recovered after %d iterations. Quitting now." % self.recovery_time) + break + self.reproduce(nrun, g) + if self.check_population_recovery(g, nrun): + self.logger.info("Population has recovered after %d iterations." % self.recovery_time) + break + self.logger.info("Population has not recovered...continuing generation.") + + self.logger.info("Finished run %d." % nrun) + + return (self.avg_fitness_vals, self.best_fitness_vals, + self.num_correct_bits) diff --git a/genetics/basic/geneticRun.py b/genetics/basic/geneticRun.py new file mode 100644 index 0000000..b770ba3 --- /dev/null +++ b/genetics/basic/geneticRun.py @@ -0,0 +1,225 @@ +############################################################## +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# +# genetic.py, general purpose genetic algorithm in Python +# +# Written by Jared Smith and David Cunningham for COSC 427/527 +# at the University of Tennessee, Knoxville +# +############################################################### + +import os +import argparse +import logging +import contextlib +from argparse import RawTextHelpFormatter + +import numpy as np +import matplotlib.pyplot as plt + +from geneticAlgorithms import BaseGeneticAlgorithm +import ffs + +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) + + +# Setup the command line parser +def setup_argparser(): + + parser = argparse.ArgumentParser(description='' + + ' PyNet: General Purpose Genetic ' + + ' Algorithm in Python\n' + + ' Written by: Jared Smith and ' + + ' David Cunningham', + version='1.0.0', + formatter_class=RawTextHelpFormatter) + + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") + optionalArguments = parser.add_argument_group('optional Arguments') + optionalArguments.add_argument('--num_bits', dest='l', required=False, type=int, default=20, help="Number of bits (genes) in the genetic string. Default is 20.") + optionalArguments.add_argument('--population_size', dest='N', required=False, type=int, default=30, help="Size of the population. Default is 30.") + optionalArguments.add_argument('--num_gens', dest='G', required=False, type=int, default=10, help="Number of generations. Default is 10.") + optionalArguments.add_argument('--pr_mutation', dest='pm', required=False, type=float, default=0.033, help="Probability of Mutation. Default is 0.033.") + optionalArguments.add_argument('--pr_crossover', dest='pc', required=False, type=float, default=0.6, help="Probability of Crossover. Default is 0.6.") + optionalArguments.add_argument('--learn_offspring', dest='learn', required=False, type=bool, default=False, help="Specify whether to enforce learning on the offspring of each generation. Default is False.") + optionalArguments.add_argument('--change_environment', dest='ce', required=False, type=bool, default=False, help="Specify whether to inflict a sudden change of environment on the final population. Default is False.") + optionalArguments.add_argument('--num_learning_guesses', dest='NG', required=False, type=int, default=20, help="Specify the number of guesses to take when learning with the offspring. Default is 20.") + optionalArguments.add_argument('--fitness_func', dest='ff', required=False, type=callable, default=ffs.fitness_func_1, help="Specify the fitness function to use. Default is fitness_func_1 from ffs.py.") + optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + optionalArguments.add_argument('--nruns', dest='nruns', required=False, type=int, default=10, help="Specify the number of runs to do of the algorithm. Default is 10.") + optionalArguments.add_argument('--seed', dest='rs', required=False, type=int, default=None, help="seed for RNG. Default is none") + return parser + +def setup_logger(log_path, logger_name, logfile_name): + + logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') + rootLogger = logging.getLogger(logger_name) + rootLogger.setLevel(logging.INFO) + + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name), mode='w') + fileHandler.setFormatter(logFormatter) + rootLogger.addHandler(fileHandler) + + consoleHandler = logging.StreamHandler() + consoleHandler.setFormatter(logFormatter) + rootLogger.addHandler(consoleHandler) + + return rootLogger + + +def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits, + autoscale, plot_file_path, experiment_number, ce): + x = np.arange(0, G) + + # Plot average fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, avg_fitness_vals[nrun][0][:G]) + plt.xlabel('Generations') + plt.ylabel('Average Fitness Value') + plt.title('Average Fitness Values Over %d Runs with %d Generations' % + (avg_fitness_vals.shape[0], G)) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/avg-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the best fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, best_fitness_vals[nrun][0][:G]) + plt.xlabel('Generations') + plt.ylabel('Best Fitness Value') + plt.title('Best Fitness Values Over %d Runs with %d Generations' % + (best_fitness_vals.shape[0], G)) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/best-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the number of correct bits for the best individual + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, num_correct_bits[nrun][0][:G]) + plt.xlabel('Generations') + plt.ylabel('Number of Correct Bits') + plt.title('Number of Correct Bits Over %d Runs with %d Generations' % + (num_correct_bits.shape[0], G)) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/num-correct-bits-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + if ce: + x = np.arange(0, G + 30) + + # Plot average fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, avg_fitness_vals[nrun][1][:(G + 30)]) + plt.xlabel('Generations') + plt.ylabel('Average Fitness Value') + plt.title('Average Fitness Values Over %d Runs with %d Max Generations' % + (avg_fitness_vals.shape[0], avg_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-avg-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the best fitness values + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, best_fitness_vals[nrun][1][:(G + 30)]) + plt.xlabel('Generations') + plt.ylabel('Best Fitness Value') + plt.title('Best Fitness Values Over %d Runs with %d Max Generations' % + (best_fitness_vals.shape[0], best_fitness_vals.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-best-fit-vals-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + # Plot the number of correct bits for the best individual + fig = plt.figure() + subplt = plt.subplot(111) + + for nrun in range(nruns): + plt.plot(x, num_correct_bits[nrun][1][:(G + 30)]) + plt.xlabel('Generations') + plt.ylabel('Number of Correct Bits') + plt.title('Number of Correct Bits Over %d Runs with %d Max Generations' % + (num_correct_bits.shape[0], num_correct_bits.shape[2])) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + plot_file_name = "%s/ce-num-correct-bits-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + +def main(): + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + logger = setup_logger('results/data/Experiment-' + + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM " + + "%s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems(): + logger.info("%s=%s" % (str(key), str(value))) + + logger.info("Running Base Genetic Algorithm...") + gen_alg = BaseGeneticAlgorithm(args, logger) + avg_fitness_vals, best_fitness_vals, num_correct_bits = gen_alg.run() + logger.info("Finished Base Genetic Algorithm.") + + if args.plot: + plot_file_path = 'results/data/Experiment-%s' % (experiment_number) + plot_results(args.G, args.nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits, + args.autoscale, plot_file_path, experiment_number, args.ce) + +if __name__ == "__main__": + main() diff --git a/neuralnetworks/backpropagation/.old/driver.py b/neuralnetworks/backpropagation/.old/driver.py new file mode 100644 index 0000000..bee6777 --- /dev/null +++ b/neuralnetworks/backpropagation/.old/driver.py @@ -0,0 +1,33 @@ +# run multiple.py +import os + + +def recursive_run(hidden_layers, learning_rate, exp, tests): + if len(hidden_layers) == 11: + return 0 + hlstr = "" + for i in hidden_layers: + hlstr += str(i) + " " + for test in tests: + if test == 'f': + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training1.txt --ftest testing1.txt --fvalid validation1.txt') + exp += 1 + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training2.txt --ftest testing2.txt --fvalid validation2.txt') + exp += 1 + else: + os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate)) + learning_rate += .1 + + if learning_rate == 1: + learning_rate = .1 + if hidden_layers[len(hidden_layers)-1] == 100: + for i in hidden_layers: + i = 1 + hidden_layers.append(0) + hidden_layers[len(hidden_layers)-1] += 1 + if recursive_run(hidden_layers, learning_rate, exp, tests) == 0: + return 0 + else: + return 1 + +recursive_run([1], .1,0, ['x', 'i', 'd', 'f']) diff --git a/neuralnetworks/backpropagation/.old/face_graphs.py b/neuralnetworks/backpropagation/.old/face_graphs.py new file mode 100644 index 0000000..2f4c085 --- /dev/null +++ b/neuralnetworks/backpropagation/.old/face_graphs.py @@ -0,0 +1,94 @@ +from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs +from sklearn.decomposition import RandomizedPCA +from sklearn.cross_validation import train_test_split as sklearn_train_test_split +import numpy as np +import matplotlib.pyplot as plt + + +def plot_learning_rates_versus_epochs(num_image, autoscale, learning_rates, plot_file_path=None): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plt.show() + + if plot_file_path is None: + plot_file_name = "learning_rates-faces-%s.pdf" % (str(num_image)) + else: + plot_file_name = "%s/learning_rates-faces-%s.pdf" % (plot_file_path, str(num_image)) + + plt.savefig(plot_file_name, bbox_inches='tight') + + +def plot_gallery(num_image, images, titles, h, w, n_row=3, n_col=4, plot_file_path=None): + """Helper function to plot a gallery of portraits""" + plt.figure(figsize=(1.8 * n_col, 2.4 * n_row)) + plt.subplots_adjust(bottom=0, left=.01, right=.99, top=.90, hspace=.35) + for i in range(n_row * n_col): + plt.subplot(n_row, n_col, i + 1) + plt.imshow(images[i].reshape((h, w)), cmap=plt.cm.gray) + plt.title(titles[i], size=12) + plt.xticks(()) + plt.yticks(()) + + if plot_file_path is None: + plot_file_name = "gallery-image-%s.pdf" % (num_image) + else: + plot_file_name = "%s/gallery-image-%s.pdf" % (plot_file_path, num_image) + + plt.savefig(plot_file_name, bbox_inches='tight') + +def title(y_pred, y_test, target_names, i): + pred_name = target_names[y_pred[i]].rsplit(' ', 1)[-1] + true_name = target_names[y_test[i]].rsplit(' ', 1)[-1] + return 'predicted: %s\ntrue: %s' % (pred_name, true_name) + + +lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) + +# introspect the images arrays to find the shapes (for plotting) +n_samples, h, w = lfw_people.images.shape + +# for machine learning we use the 2 data directly (as relative pixel +# positions info is ignored by this model) +X = lfw_people.data +n_features = X.shape[1] + +# the label to predict is the id of the person +y = lfw_people.target +# y = self.translate_to_binary_array(y) + +target_names = lfw_people.target_names +n_classes = target_names.shape[0] + +# split into a training and testing set +X_train, X_test, y_train, y_test = sklearn_train_test_split( + X, y, test_size=0.25) + +y_pred = None +y_test = None +with np.load('target-predicted-info-file-npz-exp-1.npz') as data: + y_pred = data['arr_1'] + y_test = data['arr_0'] + +learning_rates = None +with np.load('learning-rates-info-file-npz-exp-1.npz') as data: + learning_rates = data['arr_0'] + +plot_learning_rates_versus_epochs(1, False, learning_rates) + + +prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + +plot_gallery(1, X_test, prediction_titles, h, w) diff --git a/neuralnetworks/backpropagation/.old/testing1.txt b/neuralnetworks/backpropagation/.old/testing1.txt new file mode 100644 index 0000000..0a8ee2d --- /dev/null +++ b/neuralnetworks/backpropagation/.old/testing1.txt @@ -0,0 +1,100 @@ +-0.894011 1.105065 0.581007 +-1.439937 -1.574976 0.802565 +-0.345833 -0.373237 0.284707 +-0.209296 1.142366 0.535801 +-1.800757 -0.076113 0.347155 +-1.720433 0.716976 0.408574 +0.926664 -1.108691 0.415612 +-1.888890 1.897929 0.585711 +-1.466422 -1.498806 0.762339 +1.159332 1.648505 0.087558 +1.873561 -1.245506 0.462891 +-0.293485 -0.685443 0.394517 +0.689814 0.968724 0.521697 +0.238872 -1.240571 0.432393 +0.388073 -1.041329 0.481430 +-0.785712 -0.761762 0.327482 +-1.154504 -1.835098 0.969156 +0.829942 -1.723989 0.062355 +-1.810994 -1.190410 0.543101 +-1.276121 1.968922 0.953162 +1.099121 1.842483 0.021091 +-1.420573 -0.451002 0.200194 +0.484757 -1.761188 0.179003 +0.016850 0.477684 0.509679 +-1.308691 -1.134243 0.592590 +-0.710343 0.080045 0.054413 +-1.395020 0.925541 0.452529 +-1.188388 -0.244517 0.056578 +-1.083827 -0.055511 0.006211 +-0.478072 0.668368 0.330206 +-0.223811 -0.232511 0.339175 +0.784943 0.346916 0.903415 +-0.891745 -1.168328 0.628784 +0.400291 0.848522 0.569315 +-1.548245 1.539832 0.744308 +1.461891 -1.170512 0.401003 +1.710265 -0.565532 0.638619 +-1.876460 0.246080 0.410693 +-1.187173 1.162253 0.620648 +0.311704 -1.315819 0.388073 +1.779503 0.460370 0.627257 +-0.910216 -0.754686 0.313929 +1.949063 0.353569 0.533958 +1.047154 -1.246141 0.311980 +-1.377071 -0.794386 0.368336 +1.064461 -1.332495 0.251849 +1.586038 -1.622230 0.249054 +1.033156 -1.498690 0.147654 +-1.764242 -0.685863 0.414285 +1.382848 1.625841 0.156900 +-0.801693 1.405344 0.782971 +-1.218746 -1.504872 0.835424 +0.711118 -1.555809 0.155626 +-0.527347 1.491345 0.756939 +1.082711 -1.885725 0.012180 +-1.767399 1.178736 0.549500 +0.211979 0.764774 0.559021 +-0.374174 -0.202070 0.236604 +1.285752 0.033688 0.949841 +-1.892069 -0.583464 0.448656 +-0.385709 0.614842 0.338050 +-0.418979 1.396097 0.678235 +0.793065 0.107214 0.967113 +0.358678 1.579868 0.289035 +0.678150 0.662579 0.721154 +-1.796763 0.895180 0.474279 +0.395828 -0.892840 0.548792 +-1.033810 0.732985 0.296669 +-1.962138 0.018737 0.470292 +-1.576329 0.126668 0.197363 +-1.564678 1.740958 0.790083 +1.852317 -0.678020 0.555692 +1.764440 -1.884955 0.322128 +-1.879247 0.473723 0.430645 +1.968412 -0.848127 0.505860 +1.930345 -0.644890 0.528901 +1.071014 1.750938 0.040652 +-1.023543 -1.282872 0.714781 +-1.320171 -1.245010 0.664471 +0.416889 -0.821338 0.584343 +-0.429515 -0.386016 0.243353 +1.338923 -0.533699 0.788079 +-1.496542 -0.769259 0.373963 +1.775207 -0.648505 0.590690 +0.626824 -0.680093 0.700611 +-1.858980 -0.749748 0.457920 +-1.449604 -1.678734 0.832986 +0.066931 -0.702277 0.523654 +0.316452 -0.022448 0.738283 +-1.415290 -1.605559 0.823477 +-1.020365 -0.035074 0.001014 +-0.884481 -0.696151 0.274086 +0.573382 -0.192693 0.874056 +-1.853709 -0.417486 0.409735 +-1.807077 -1.790662 0.641219 +-0.608573 -1.649642 0.848122 +1.945042 -1.099247 0.493306 +0.249594 0.967685 0.509694 +-0.728726 -0.715864 0.303475 +-0.952055 -0.131154 0.011961 diff --git a/neuralnetworks/backpropagation/.old/testing2.txt b/neuralnetworks/backpropagation/.old/testing2.txt new file mode 100644 index 0000000..9d2bc7d --- /dev/null +++ b/neuralnetworks/backpropagation/.old/testing2.txt @@ -0,0 +1,100 @@ +0.368665 -1.973397 -1.165540 0.393618 +1.084376 1.366979 -0.535144 0.295940 +-0.163830 1.300969 -0.067870 0.133557 +-1.795341 -0.268578 0.280955 0.382016 +-0.114046 -1.131826 1.239461 0.188672 +-0.944945 -1.559992 -1.378464 0.399852 +0.008773 -1.788264 0.468387 0.258657 +-1.413550 -0.192703 -1.109531 0.304432 +0.441451 0.980665 -1.119144 0.168722 +0.234062 -0.731869 -1.499174 0.177189 +-0.679303 1.636796 -1.472570 0.384433 +0.155157 0.721172 1.894409 0.249830 +1.620013 -1.442658 1.195378 0.545355 +-0.447857 -1.237999 -1.073200 0.207487 +1.833097 0.647955 -0.205026 0.422442 +1.072558 1.703010 0.234983 0.359018 +1.694095 -0.288217 0.446719 0.349052 +0.162482 0.298233 -1.745984 0.185761 +1.052951 -1.260316 1.234682 0.338060 +1.933806 0.973746 -1.497187 0.633751 +-1.565367 -1.705557 -1.860391 0.706175 +-1.037938 0.449600 0.860781 0.182601 +-1.143528 0.069612 1.418123 0.267280 +-1.948150 1.621755 -1.819877 0.831307 +-1.021350 1.454852 0.828078 0.322740 +0.773624 0.527410 0.531088 0.106726 +-0.991393 0.221505 -1.757128 0.295306 +1.455326 -1.616014 0.541105 0.462158 +1.709342 1.436937 1.280789 0.590606 +0.944024 1.370743 0.254535 0.251100 +1.446836 1.805376 0.548978 0.509648 +1.586445 -1.232562 -1.001422 0.465120 +0.447226 -0.376090 1.068190 0.099787 +-0.134652 -0.324240 0.689944 0.037642 +0.045472 0.654409 0.144796 0.034391 +-1.126450 -0.571967 -1.327794 0.273289 +1.404639 0.436640 0.893711 0.288401 +1.647511 -0.108034 1.277697 0.408268 +0.188616 -0.398691 0.714634 0.045796 +-0.530595 -1.454668 0.085377 0.195679 +1.723940 1.992169 -0.109247 0.648895 +0.272918 1.578614 0.658192 0.225282 +1.271495 0.025840 -1.717898 0.356854 +0.339685 1.891188 -0.042139 0.288539 +-0.970371 -0.063340 -1.387730 0.220061 +1.174425 0.810210 0.040304 0.209736 +1.846631 0.214849 -1.523056 0.530846 +0.740342 -0.137640 0.368911 0.072552 +0.018039 -1.949025 1.970219 0.516193 +-1.267327 -0.479620 -1.484448 0.330146 +0.818050 -0.755681 -1.492280 0.249618 +-1.291197 1.517237 -1.913666 0.580721 +1.366995 0.788732 0.112174 0.264196 +1.649096 -0.871583 0.003362 0.372227 +-0.393042 0.158046 1.940022 0.236882 +0.219228 -0.667529 0.750232 0.072294 +-1.740468 -0.820898 -1.034919 0.463155 +-1.263524 1.919444 0.827441 0.507115 +1.105387 -0.062517 0.878416 0.185803 +1.075606 0.670155 -1.601204 0.315953 +1.591158 -0.511794 -0.356885 0.319626 +-1.901122 0.197009 -0.839648 0.460690 +-1.814787 -0.435996 1.949084 0.613805 +0.297387 -0.786900 -0.922499 0.106933 +-1.699252 0.820058 1.235547 0.472970 +-1.759230 -0.960714 -1.431983 0.546403 +0.991002 -0.701182 -0.252881 0.154827 +1.956083 0.035294 -0.333437 0.448002 +0.783524 -0.859319 1.604046 0.276078 +-0.338060 -1.783713 0.274201 0.262265 +0.060736 1.807445 1.762407 0.430919 +1.703851 1.906324 -0.040584 0.614613 +-1.135796 -1.908463 1.523419 0.562914 +-1.186712 0.388923 -1.263480 0.266229 +-0.109211 0.689671 1.556578 0.177749 +-0.873664 0.930442 -1.404136 0.268412 +-0.305647 -0.078556 -0.105318 0.011894 +1.441473 -0.122473 1.929976 0.455798 +-0.891964 -1.338948 -0.929343 0.279534 +-1.287918 0.322992 -0.713055 0.228751 +0.986283 -1.616272 -0.905610 0.360505 +0.748689 -1.912421 -0.999286 0.403622 +-1.291895 -1.048217 -0.907749 0.324635 +-1.768475 -0.234929 1.481174 0.491681 +-1.031955 1.655860 0.170845 0.335474 +-1.475378 -1.217804 -0.898713 0.411840 +-0.879514 0.476549 1.022731 0.167069 +1.015168 -0.081978 -1.099742 0.189203 +0.945144 1.026058 -0.438690 0.195160 +-1.984199 1.738139 1.884301 0.891511 +-0.697254 0.724422 -1.731971 0.269525 +0.397136 -0.526888 -1.644391 0.195554 +1.397851 0.181217 -0.692608 0.255661 +-1.509899 0.412741 1.072464 0.342514 +1.971275 1.380786 0.728324 0.625638 +0.142120 1.905408 1.510520 0.413241 +1.243406 -0.974106 -0.012931 0.251392 +0.266137 -1.958938 1.905091 0.512747 +1.166395 0.986206 0.931149 0.281815 +-1.272296 1.002007 0.669288 0.289852 diff --git a/neuralnetworks/backpropagation/.old/training1.txt b/neuralnetworks/backpropagation/.old/training1.txt new file mode 100644 index 0000000..2276e00 --- /dev/null +++ b/neuralnetworks/backpropagation/.old/training1.txt @@ -0,0 +1,200 @@ +-1.703369 -0.762666 0.418181 +0.227541 -1.902611 0.327113 +0.979284 1.152748 0.381244 +-0.256226 1.903823 0.693619 +1.819377 -1.168538 0.463377 +1.501609 1.501653 0.249986 +-0.760456 -0.836796 0.382088 +-1.056793 1.793893 0.972139 +0.555520 -1.136111 0.418736 +-0.567966 0.326900 0.160981 +-1.633415 0.623531 0.348214 +-1.678810 -1.148927 0.556027 +1.722125 1.830357 0.296081 +-1.661324 -0.425869 0.301038 +0.188628 -0.606491 0.584602 +1.002019 -1.104883 0.417999 +0.219282 0.134661 0.665075 +-1.754065 1.077868 0.522985 +-1.595569 -0.366611 0.251151 +-0.095564 1.065423 0.507671 +0.889688 1.432008 0.190850 +-0.887727 1.753198 0.955715 +1.432248 1.475323 0.235728 +-1.095031 1.813999 0.973486 +0.281514 0.002626 0.713963 +-1.510479 -0.995354 0.497462 +0.199181 1.223927 0.446977 +-0.927955 1.469862 0.834274 +1.738802 1.874293 0.304437 +1.269448 -0.221270 0.928620 +-0.873006 -1.331582 0.743873 +-0.391929 -0.219309 0.228224 +0.940221 -0.787061 0.663418 +-1.897273 0.117908 0.421040 +0.839365 -1.600578 0.108043 +0.969511 -1.111057 0.413318 +1.994774 1.088124 0.499433 +1.154698 -1.839831 0.029969 +-0.607509 1.898971 0.902820 +-0.736327 1.168419 0.619683 +-1.799723 -1.704587 0.638356 +0.568890 -0.096515 0.885200 +-1.309300 -1.156294 0.607460 +0.287834 -1.053567 0.481642 +1.698967 1.785798 0.285050 +1.112726 0.755309 0.684552 +1.531131 0.750082 0.628484 +1.173463 -0.095219 0.976178 +0.285658 1.297272 0.402358 +-0.727854 -1.439055 0.789510 +0.037363 -1.238778 0.489256 +1.470999 1.330112 0.316977 +0.685325 -1.979188 0.060083 +1.112590 0.308646 0.935479 +-0.342237 0.007613 0.243987 +-1.397642 -0.879661 0.423786 +-1.564104 -1.348530 0.664602 +1.357557 1.824933 0.092712 +0.439388 0.110591 0.813550 +-0.579812 1.382737 0.723417 +1.569408 -0.579900 0.691870 +0.014041 -1.108902 0.498123 +0.362159 1.576424 0.288108 +1.553982 0.689014 0.651274 +-0.307761 -1.653223 0.698773 +1.616294 -1.050864 0.477378 +-1.704343 -0.614968 0.372660 +1.725103 -1.257411 0.417676 +-0.940671 1.181976 0.640373 +-0.309173 -1.397835 0.636540 +0.883270 -1.828427 0.026128 +-1.163065 0.185614 0.036726 +0.120711 -1.452227 0.438546 +1.425300 -1.898245 0.112490 +1.038534 -0.206006 0.973181 +-1.340618 -0.589712 0.241589 +1.400568 -0.294055 0.861884 +0.793225 -0.568953 0.796884 +0.010816 0.490376 0.506096 +1.338997 -1.818797 0.086561 +-1.950086 1.064473 0.503959 +0.180932 1.901408 0.361480 +-0.796952 0.022119 0.025504 +1.801587 -0.552582 0.599102 +-0.910859 -1.514048 0.857732 +0.723472 -0.854666 0.602649 +-0.693062 -1.454097 0.789869 +-0.724563 1.339128 0.730532 +-0.013476 -0.650056 0.494471 +-0.120413 -1.311059 0.544128 +0.374816 -1.261145 0.389268 +1.041617 0.919787 0.562699 +-0.105967 -1.877165 0.581305 +-0.705778 1.924422 0.944395 +-1.203834 -0.986437 0.489889 +0.092105 1.737035 0.433976 +-1.201668 -0.956027 0.467208 +-0.789497 0.319410 0.085371 +1.053722 -1.694067 0.058210 +1.387317 0.185520 0.892985 +1.902115 -1.439664 0.451219 +1.481386 1.601953 0.205075 +0.962066 -0.504014 0.850694 +-1.535136 0.790208 0.392072 +1.415080 1.586374 0.183542 +0.851249 -0.321521 0.925686 +1.432752 0.476811 0.784797 +-1.439842 1.687315 0.839783 +-0.973308 0.741036 0.302347 +0.843171 0.128353 0.975083 +-0.651411 0.030469 0.073591 +-1.407137 -0.488145 0.211083 +0.756923 -1.526079 0.158747 +-0.956181 -1.061216 0.547890 +1.255136 -1.646136 0.108928 +0.480016 1.205114 0.391618 +-0.558070 0.637866 0.293001 +-0.552182 1.198024 0.616706 +1.773115 -1.775283 0.336308 +0.404345 1.067887 0.468427 +1.221096 -1.583524 0.126921 +-1.401818 -0.990661 0.494078 +-0.422779 1.766263 0.787636 +-1.947755 -1.189919 0.512047 +-0.682522 -1.934783 0.936802 +0.169084 0.545232 0.585980 +-1.300830 1.987163 0.945117 +-0.293933 -0.565019 0.359378 +0.400279 -0.791904 0.594422 +-0.164473 1.612441 0.604795 +1.399129 0.833537 0.604674 +0.993199 1.431718 0.186345 +-1.900876 -0.991061 0.498911 +-0.321030 -0.938816 0.476817 +-1.802400 0.378662 0.373512 +1.070094 -1.452254 0.175907 +-0.852298 -0.753084 0.315964 +-0.136824 0.952984 0.492132 +-0.223326 -0.646737 0.409472 +-0.085112 1.188790 0.519476 +-0.879010 0.587919 0.203913 +-1.256432 -0.418882 0.136047 +-0.624514 -0.319758 0.135799 +-0.226334 1.359212 0.593074 +0.981927 1.556812 0.116500 +-1.744594 0.626906 0.392007 +-1.925884 1.774608 0.554478 +1.879989 -0.362217 0.578938 +-0.879157 1.414457 0.797559 +1.569793 -0.670655 0.654675 +-0.368817 0.450336 0.291944 +0.526109 1.193904 0.389713 +0.852754 -1.430610 0.195340 +-1.811662 0.343056 0.374884 +0.585106 -0.675017 0.694229 +1.360536 -0.419611 0.833555 +-1.316288 -0.345495 0.123605 +1.253804 -0.465505 0.842995 +-1.223120 0.655338 0.257997 +1.653219 0.225130 0.743059 +-0.281652 1.856313 0.708633 +0.371397 0.382422 0.727210 +-1.394436 -0.764823 0.353022 +-1.480027 -0.576485 0.275027 +1.793594 -1.991378 0.340728 +0.624027 1.369158 0.272445 +-1.918633 -1.947130 0.563513 +-0.686686 1.306675 0.704160 +-1.816956 -1.916445 0.640571 +0.467231 1.736774 0.193327 +0.080764 -0.544878 0.541471 +-1.855368 1.826519 0.608465 +-0.597595 -1.567918 0.813995 +1.229567 -1.047945 0.464800 +1.399785 -1.254351 0.342613 +-1.105013 1.369677 0.770575 +1.970577 1.451043 0.484968 +-1.299327 -1.235643 0.661248 +0.965263 -1.052599 0.458798 +1.885191 1.414632 0.445631 +1.030249 -0.504603 0.850592 +0.031620 -0.359971 0.520960 +1.415414 1.042434 0.473540 +0.034385 0.272001 0.524566 +0.076871 -0.328214 0.552399 +0.127979 0.566773 0.562818 +-0.451755 0.537350 0.283548 +-0.978619 1.238022 0.682513 +1.801192 0.203285 0.645854 +0.664558 0.088476 0.928015 +-0.735303 -0.881275 0.415192 +-0.680041 1.150345 0.602519 +-0.798260 0.565759 0.200481 +-0.484397 -1.399857 0.702595 +0.781521 0.677014 0.728764 +-1.206911 -1.195007 0.642880 +0.174333 0.353237 0.614930 +1.006620 1.374618 0.222480 +-1.396735 1.175810 0.610704 +1.147311 -0.159632 0.971454 diff --git a/neuralnetworks/backpropagation/.old/training2.txt b/neuralnetworks/backpropagation/.old/training2.txt new file mode 100644 index 0000000..f97f7fe --- /dev/null +++ b/neuralnetworks/backpropagation/.old/training2.txt @@ -0,0 +1,200 @@ +-1.525921 1.356134 1.617901 0.561150 +-0.692101 0.533831 1.538976 0.213832 +1.047019 1.055351 -0.158266 0.213610 +0.957779 -0.277486 0.716446 0.141383 +0.404400 0.629897 0.431533 0.060134 +1.333057 -1.955025 0.755746 0.532004 +0.025582 -1.967304 1.270728 0.390948 +1.435424 -1.909411 -0.949487 0.570204 +0.058465 1.553375 0.722078 0.216088 +-1.894157 -0.921768 -1.789341 0.664054 +0.266558 -0.447689 1.566794 0.165241 +-0.115542 0.860210 0.100625 0.059045 +-0.576566 -0.092771 -0.844025 0.080118 +1.265168 -1.134991 0.878489 0.328307 +-0.018386 1.269409 -0.491614 0.137936 +-1.586853 0.602466 -0.446639 0.329980 +1.168893 -1.371952 -0.413943 0.312325 +0.439620 -1.936528 -0.323355 0.316805 +1.490133 0.121936 -0.769979 0.291559 +0.212211 0.227780 0.308252 0.014669 +0.422870 -1.505663 1.860563 0.394732 +-0.010336 0.378796 0.720773 0.041022 +-1.909712 1.802230 -1.371997 0.779255 +-0.753736 1.067398 -0.506989 0.168023 +-1.875247 -0.950987 -1.237580 0.563685 +-0.366861 -0.537841 1.364886 0.145257 +1.186499 -1.368948 1.992934 0.535733 +-1.227444 1.070673 -1.943595 0.479957 +0.449201 0.560806 0.178342 0.049310 +1.679221 -1.226983 -1.593878 0.587731 +-0.012526 1.195887 -1.099541 0.179779 +-0.151963 -0.814449 1.279255 0.148103 +-1.431190 -0.724161 1.081485 0.344160 +-0.803188 0.522103 0.148883 0.096683 +0.689823 0.646856 1.197896 0.169879 +1.452244 -1.720005 -1.339944 0.574502 +0.817129 1.466494 -0.708892 0.271465 +0.810063 -1.760951 -1.638219 0.469082 +0.866468 0.688250 0.922587 0.172170 +-0.955190 0.367472 1.695604 0.281532 +-0.549068 -1.645055 0.891491 0.288807 +0.351391 0.202982 -1.922958 0.230749 +-0.369354 0.771791 -0.647119 0.085721 +-1.287869 1.968603 1.874984 0.692306 +0.861015 0.658427 0.521840 0.134599 +0.058911 0.110670 0.801835 0.038435 +0.718966 -1.072200 0.268328 0.152229 +-1.989926 1.737863 0.507378 0.704073 +-1.628145 0.604331 -0.804372 0.371289 +1.294442 1.649142 1.563099 0.543500 +0.990046 -0.899926 1.918044 0.387640 +-0.118464 1.451465 0.121026 0.164522 +-0.041422 -0.917888 -1.107183 0.135729 +1.311459 -0.205757 -1.138579 0.276499 +1.186442 -1.344743 1.519848 0.434789 +-0.291717 0.714168 -0.369482 0.056929 +-1.489883 -0.566866 0.558318 0.298827 +0.778446 -0.556792 0.296181 0.098829 +-0.714176 -0.184937 -1.099488 0.131225 +0.481451 -0.890495 -1.450346 0.209100 +0.044551 -1.900449 -0.350272 0.285131 +-0.037405 -0.018912 -0.898807 0.046796 +-1.916378 1.939665 0.183305 0.715097 +-1.023561 1.251124 1.977547 0.466911 +-0.162140 0.437566 -1.367195 0.125601 +-0.642292 -1.854151 1.346973 0.416726 +0.988226 -1.344033 -1.219893 0.337494 +-0.453456 1.434412 0.223315 0.184875 +1.842725 -1.279764 -1.961622 0.739786 +-1.256763 1.201688 -0.852116 0.335216 +-0.707109 -0.753762 -0.752565 0.134071 +0.942619 1.208834 1.228523 0.302002 +-1.956188 1.292455 1.168188 0.648765 +0.227117 -1.731106 0.419312 0.246613 +0.204664 0.106754 -1.143121 0.081098 +0.837469 1.464462 -0.997272 0.303276 +0.184441 0.452688 -0.341306 0.026409 +0.964548 1.999232 -0.906893 0.462254 +-0.812137 1.841957 -0.186657 0.339099 +-0.773758 -1.414805 -0.984970 0.279027 +0.374126 -0.121914 0.261269 0.021232 +1.621561 -1.179295 -0.529898 0.426579 +0.850084 -1.135483 -1.237442 0.270903 +0.018272 1.091634 -0.968548 0.145825 +-1.562416 -0.703702 1.138206 0.394504 +-0.705537 -1.866233 0.602668 0.346301 +0.297191 0.318208 -0.944644 0.069462 +1.955885 -0.717244 -0.945411 0.532540 +-0.951008 0.470620 -1.103454 0.191640 +0.862334 1.696862 -0.518259 0.322786 +1.877365 0.070987 1.359826 0.513741 +0.138633 -0.307452 -1.819469 0.200477 +1.608736 -1.457368 -0.954952 0.514609 +-1.628707 0.560904 -1.863318 0.530585 +-0.597255 0.998488 -0.567020 0.136399 +-1.459048 -1.707049 -0.433253 0.480618 +1.143620 0.590142 1.884955 0.382681 +-1.801024 0.546026 -0.832289 0.437170 +-0.746435 1.595018 1.638331 0.414841 +0.150111 0.457352 1.335192 0.121540 +1.631851 0.334717 -0.593821 0.336224 +0.991677 -1.526650 1.098728 0.362400 +1.172209 -1.917914 1.641360 0.596927 +-1.782743 -1.546621 0.202264 0.553075 +-1.646061 -0.143875 -0.799248 0.351083 +-0.213081 0.397076 -0.506297 0.032156 +1.353665 -0.459304 -1.916155 0.439485 +1.238620 -0.260328 0.629872 0.205122 +-1.593669 0.993237 0.224890 0.371856 +-1.955339 -0.856652 -1.317758 0.597788 +1.379854 -1.224801 1.016959 0.394753 +-1.213967 1.766876 1.490309 0.538322 +1.884761 0.939085 1.572395 0.620360 +1.526121 1.156342 -1.974226 0.596452 +-0.271615 1.510280 -0.118101 0.184775 +0.929137 -0.702801 -1.721025 0.308486 +-1.577159 -1.349136 -0.180328 0.428900 +-1.493314 1.889484 1.559344 0.672215 +1.136557 -1.704185 0.552581 0.390069 +-0.638553 -1.659524 1.695929 0.424829 +0.043689 1.720330 -1.528872 0.362730 +-0.939353 -1.493637 -1.761996 0.452538 +-1.449044 -1.608876 1.177089 0.521325 +-1.876649 1.917245 0.333430 0.695533 +-1.850875 -0.354371 -0.156289 0.406347 +0.031024 -1.425233 1.140910 0.231461 +0.309999 -1.002393 1.791774 0.273599 +-1.870329 -0.495707 1.681258 0.585607 +1.689015 -1.359149 1.977073 0.696774 +0.241596 0.002297 -1.682451 0.170042 +-0.062475 -1.954014 -1.962122 0.516267 +0.408653 -0.893367 -1.455759 0.202925 +0.646656 -0.342410 -1.064635 0.122660 +-0.176255 -0.219059 -1.147391 0.083228 +-1.842825 -0.069934 0.498239 0.406544 +0.000886 1.961090 1.073005 0.362260 +-0.858204 0.271089 -1.929387 0.305397 +-1.066430 0.400760 -0.425094 0.154004 +-1.385172 0.089775 0.215757 0.224694 +-1.408099 -1.668628 -1.781946 0.626149 +-1.090551 0.268897 -1.735960 0.316648 +-1.052672 -1.322451 -0.629327 0.285238 +-0.508431 1.324206 1.028263 0.225713 +0.426933 -0.852049 -1.190796 0.158684 +1.279543 -0.694874 0.739270 0.257583 +-0.222219 1.306012 0.700359 0.165201 +-1.149213 -1.552191 -1.028551 0.398752 +-1.078601 -0.618621 1.372209 0.272306 +0.496305 -0.003793 -0.538016 0.045122 +-1.287938 0.588108 -0.206644 0.220467 +-1.069884 1.497558 -1.937747 0.521216 +-0.805844 -1.555115 -1.260198 0.352579 +0.564829 -0.063546 -1.935992 0.253357 +-0.406907 -1.636612 -0.788041 0.260971 +0.402296 1.642930 0.517085 0.241732 +-0.858434 -0.579289 -0.176903 0.112647 +1.841925 0.271498 0.270906 0.401368 +-1.186626 1.192897 1.652285 0.429435 +-1.814417 -0.310797 -0.351508 0.394417 +-0.352433 0.401265 -1.763399 0.206116 +1.440923 1.331381 1.734159 0.549419 +1.503176 -1.474463 -1.820956 0.619251 +-1.757021 1.090366 0.115498 0.448430 +-1.693013 -1.316541 0.478886 0.477286 +-0.481054 1.085755 0.121816 0.118240 +-1.963970 -1.772679 1.542527 0.824054 +-0.140873 -1.930753 -0.185975 0.291040 +-1.869967 -1.117379 -0.993078 0.556412 +1.782318 -0.931797 0.696125 0.461283 +-0.569190 0.715771 -0.902611 0.123794 +-0.332589 0.156694 -1.571230 0.157081 +-0.598431 -0.340129 -1.045694 0.113306 +-0.419387 -0.097151 -1.955327 0.241596 +1.696112 0.209836 -1.271869 0.428651 +0.174998 1.728782 1.813887 0.423251 +-1.703187 1.764812 -1.958792 0.795652 +1.839340 -0.376060 -1.889546 0.607228 +-0.346635 -0.246027 -1.006925 0.077014 +0.660287 -0.463709 0.061278 0.067062 +-0.643588 0.967101 -1.222951 0.206023 +0.453801 -1.365488 0.933743 0.217490 +0.882571 0.036082 -1.406386 0.204088 +1.836878 1.616695 0.496463 0.604596 +1.881551 1.312807 -1.293700 0.637620 +-1.390318 -0.512195 -1.564919 0.384504 +-1.576432 -0.215382 -1.800106 0.477260 +-1.535224 -0.376042 -0.176166 0.284619 +-1.424770 1.277324 1.577807 0.503355 +-0.431695 -0.062389 -0.885902 0.067081 +1.629584 1.294023 -1.918801 0.647628 +-1.593367 -0.252175 -1.284288 0.392990 +1.340376 -1.369604 0.751793 0.384202 +1.933990 -1.532726 0.368489 0.620120 +0.430453 -1.651175 -0.318704 0.236961 +1.136752 -1.041493 1.169101 0.311393 +1.571834 -0.617925 -1.046282 0.377604 +1.771728 -0.153149 0.577677 0.383251 +-0.404439 0.422082 -0.145000 0.033791 +-0.826632 1.990387 1.792612 0.568978 +0.287466 1.619971 1.086635 0.279526 diff --git a/neuralnetworks/backpropagation/.old/validation1.txt b/neuralnetworks/backpropagation/.old/validation1.txt new file mode 100644 index 0000000..75257b5 --- /dev/null +++ b/neuralnetworks/backpropagation/.old/validation1.txt @@ -0,0 +1,50 @@ +0.003277 0.848481 0.500607 +-1.427406 1.964000 0.890860 +-1.391789 0.537382 0.228752 +-0.125430 0.683673 0.453343 +-1.507577 0.876596 0.432709 +-1.569817 -1.731977 0.785425 +-0.381805 -1.786936 0.766554 +1.127473 0.462658 0.866206 +-0.065526 1.733933 0.546951 +0.719028 -1.218122 0.348117 +1.898024 0.785155 0.526406 +1.041945 1.357749 0.234160 +1.489717 1.965961 0.141295 +-0.255205 -0.159470 0.310978 +-0.417612 0.332953 0.235798 +-0.370680 0.763136 0.400042 +0.026609 -1.618669 0.482745 +1.324651 1.508803 0.187194 +1.590378 -0.556722 0.692398 +-0.859758 -1.837694 0.972145 +-1.441049 -1.939670 0.883005 +0.826141 1.102275 0.422983 +-0.942669 0.591992 0.202254 +-0.174097 -1.663213 0.616578 +-0.721853 -0.080824 0.050615 +1.606988 1.548495 0.280356 +0.203851 -0.424896 0.623611 +-0.986222 -1.100245 0.578388 +0.286364 -1.509866 0.343910 +1.292883 -0.369624 0.874598 +-0.918720 0.189327 0.025839 +-0.345168 -0.984532 0.493732 +-0.413866 0.072799 0.199344 +-0.516604 1.898701 0.858072 +1.221189 -0.823151 0.628925 +1.291934 -1.216164 0.350675 +0.125816 0.987687 0.501899 +-0.658971 -1.998535 0.929958 +-1.934955 0.287829 0.454126 +-1.767661 -0.419288 0.358870 +-1.438061 0.661992 0.304436 +-1.048132 -1.683175 0.938094 +-1.555927 -0.097041 0.182553 +0.528270 1.386355 0.289613 +-1.050745 0.607544 0.211839 +-0.710586 -0.100522 0.056373 +-0.821931 -1.974705 0.980188 +0.641828 -0.633677 0.730154 +-0.994657 -0.568632 0.186552 +1.858991 -0.336293 0.594873 diff --git a/neuralnetworks/backpropagation/.old/validation2.txt b/neuralnetworks/backpropagation/.old/validation2.txt new file mode 100644 index 0000000..8e50e5c --- /dev/null +++ b/neuralnetworks/backpropagation/.old/validation2.txt @@ -0,0 +1,50 @@ +-1.387994 -1.695247 -0.606290 0.464565 +-1.119965 0.701889 0.866822 0.225974 +-0.764356 0.099740 -0.951961 0.120460 +0.543036 0.589841 1.460780 0.183896 +-0.384500 0.561116 0.841566 0.082137 +-1.656176 -1.296764 0.746974 0.478035 +1.854343 1.946642 1.772868 0.869584 +-0.158587 0.212779 1.813929 0.196212 +-0.253496 -0.620826 0.800135 0.073998 +-1.322347 0.106878 -0.197858 0.204899 +1.346941 0.718884 0.106895 0.249749 +-1.259348 1.598919 -1.191216 0.461517 +1.607474 -1.165437 0.908524 0.450251 +-1.344488 1.377599 -0.501635 0.369075 +-1.883708 -1.006901 -1.940519 0.704661 +0.957858 -0.663077 -1.237284 0.228005 +-0.295168 -0.808734 -1.290642 0.156466 +-0.522300 1.032679 0.922137 0.162567 +-0.708371 -1.220817 -1.698689 0.339018 +-1.908236 -0.543164 0.408189 0.452464 +-0.106094 -1.196223 -0.872928 0.155333 +-1.999199 -0.455571 -1.274009 0.570774 +-1.190415 -0.848097 -0.439446 0.229980 +1.718109 -0.192585 -1.061846 0.408506 +-0.783526 -0.076292 -0.068747 0.071556 +-0.724045 -1.118434 1.268176 0.249497 +0.038671 0.586398 -1.540557 0.163546 +0.748030 -1.935902 1.492122 0.481297 +-0.329833 -0.644273 -1.728695 0.216890 +-0.028523 -0.552509 -0.271859 0.027840 +-1.620334 1.341397 0.531918 0.457675 +-0.493262 1.342198 -1.923653 0.380137 +0.232729 -1.848217 -0.771750 0.303373 +1.793284 1.869892 1.035665 0.701904 +-1.268562 -0.913634 -1.040627 0.312368 +0.662691 0.362321 -0.159061 0.062230 +-0.069132 -1.599007 -1.572663 0.339919 +0.390310 1.149022 -1.508566 0.250430 +-0.117568 -1.180811 -0.152839 0.110198 +0.153737 0.790666 1.294652 0.147515 +1.881878 1.170332 0.636049 0.537330 +0.413795 -1.322930 -0.021753 0.154411 +0.490142 0.909799 0.130030 0.092367 +1.718392 0.703083 -0.000078 0.378741 +0.754057 1.434521 1.086288 0.291982 +1.713430 0.097212 -0.551391 0.357018 +-0.445631 -1.971920 -0.150398 0.323332 +-0.018295 0.418390 -1.001375 0.071355 +0.473139 -1.699178 -0.182186 0.249838 +-1.679700 0.454559 -1.391520 0.453151 diff --git a/neuralnetworks/backpropagation/__init__.py b/neuralnetworks/backpropagation/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/neuralnetworks/backpropagation/analysis.py b/neuralnetworks/backpropagation/analysis.py new file mode 100644 index 0000000..47a9f63 --- /dev/null +++ b/neuralnetworks/backpropagation/analysis.py @@ -0,0 +1,136 @@ +import numpy as np +import matplotlib.pyplot as plt +import sklearn as sk + +from utils import * + +def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): + + """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. + cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. + """ + + x = np.arange(len(cost_list)) + y = cost_list + color_metric = cost_test_list + + fig = plt.figure() + ax = fig.add_subplot(111) + cmhot = plt.cm.get_cmap("hot") + l = ax.scatter(x, y, c=color_metric, cmap=cmhot) + fig.colorbar(l) + plt.show() + + # Save the figure + plt.savefig(plot_file_name, bbox_inches='tight') + +def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): + + x1 = np.arange(len(cost_list)) + y1 = cost_list + + x2 = np.arange(len(cost_test_list)) + y2 = cost_test_list + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x2, y2) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): + + x1 = np.arange(len(rmse)) + y1 = rmse + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('RMSE') + plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): + + x1 = target_test + y1 = Y_pred + + fig = plt.figure() + plt.scatter(x1, y1, alpha=0.5) + plt.xlabel('Target Values') + plt.ylabel('Predicted Values') + plt.title('Accuracy of Network') + plt.grid() + fig.tight_layout() + + plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def facial_recognition_graphs(): + + prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + + plot_gallery(X_test, prediction_titles, h, w) + + # plot the gallery of the most significative eigenfaces + + eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] + plot_gallery(eigenfaces, eigenface_titles, h, w) + + plt.show() diff --git a/neuralnetworks/backpropagation/network.py b/neuralnetworks/backpropagation/network.py new file mode 100644 index 0000000..9a6e390 --- /dev/null +++ b/neuralnetworks/backpropagation/network.py @@ -0,0 +1,354 @@ +#!./usr/bin/python +# -*- coding: utf-8 -*-# + +import numpy as np +np.set_printoptions(precision=4, suppress=True) +import math as math +from matplotlib.pyplot import plot +from sklearn.datasets import load_iris, load_digits + +from utils import * + +class BackPropagationNetwork(object): + """ + + Initialize as: + nn = BackPropagationNetwork(n_features, n_classes, hidden_layers, reg_term) + + --> reg_term (i.e. lambda) is the regularization term + nn input and output units determined by training data + + Set nn.hidden_layers to list of integers to create hidden layer architecture + nn.hidden_layers does not include the bias unit for each layer + nn.hidden_layers is list containing number of units in each hidden layer + [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units + Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] + + nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations + For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes + For multi-class prediction, Y will have shape n_observations by n_classes + + nn.predict(X) returns vector of probability of class being true or false + For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class + + Test a simple XOR problem with nn.XOR_test() + nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture + """ + + def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): + self.logger = logger + self.test_type = test_type + self.n_features = n_features + self.n_classes = n_classes + self.hidden_layers = hidden_layers + self.reg_term = reg_term + self.epochs = 2 + self.learning_rate = 0.5 + self.learning_reward = 1.05 + self.learning_penalty = 0.5 + self.momentum_rate = 0.1 + self.Theta_L = [] + + self.initialize_theta() + + def initialize_theta(self): + """ + initialize_theta creates architecture of neural network + Defines self.Theta_L + + Parameters: + hidden_unit_length_list - List of hidden layer units + input_unit_count - integer, number of input units (features) + output_class_count - integer, number of output classes + """ + + unit_count_list = [len(self.n_features[0])] + unit_count_list += self.hidden_layers + unit_count_list.append(len(self.n_classes[0])) + self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] + + def print_theta(self): + + T = len(self.Theta_L) + + self.logger.info('\n') + self.logger.info('NN ARCHITECTURE') + self.logger.info('%s Layers (%s Hidden)' % ((T + 1), (T-1))) + self.logger.info('%s Thetas' % T) + self.logger.info('%s Input Features' % (self.Theta_L[0].shape[1]-1)) + self.logger.info('%s Output Classes' % self.Theta_L[T-1].shape[0]) + self.logger.info('\n') + + self.logger.info('Units per layer') + for t, theta in enumerate(self.Theta_L): + if t == 0: + self.logger.info(' - Input: %s Units' % (theta.shape[1] - 1)) + if t < T-1: + self.logger.info(' - Hidden %s: %s Units' % ((t+1), theta.shape[0])) + else: + self.logger.info(' - Output: %s Units' % theta.shape[0]) + + self.logger.info('Theta Shapes') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s: %s' % (l, theta.shape)) + + self.logger.info('Theta Values') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s:' % l) + self.logger.info("\n" + str(theta)) + self.logger.info('\n') + + def cost_function(self, Y, Y_pred): + """ + cost_function implements cost function + + y is n_observations by n_classes (n_classes = 1 for n_classes <=2) + pred_y is predicted y values and must be same shape as y + + Returns cost - list of cost values + """ + + if Y.shape != Y_pred.shape: + if Y.shape[0] != Y_pred.shape: + raise ValueError,'Wrong number of predictions' + else: + raise ValueError,'Wrong number of prediction classes' + + n_observations = len(Y) + tiny = 1e-6 + # Cost Function + cost = (-1.0 / n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() + + return cost + + + a_N_predict = [] # List of activations including bias unit for non-output layers + + # Input Layer inputs + a_N_predict.append( X ) + # Loop through each Theta_List theta + # t is Theta for calculating layer t+1 from layer t + for t, theta in enumerate(self.Theta_L): + # Add bias unit + if a_N_predict[t].ndim == 1: + a_N_predict[t].resize(1, a_N_predict[t].shape[0]) + a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) + + # Calculate and Append new z and a arrays to z_N and a_N lists + z = a_N_predict[t].dot(theta.T) + a_N_predict.append(sigmoid(z)) + + return a_N_predict, a_N_predict[T] + + + def back_prop(self, a_N_backprop, Y_train): + """ + a_N - list of layer outputs with dimensions n_observations by n_units + Y_train is n_observations, n_classes + + Returns + Theta_Gradient_L + """ + + T = len(self.Theta_L) + Y_pred = a_N_backprop[T] + n_observations = len(Y_pred) + + # Backprop Error; One list element for each layer + delta_N = [] + + # Get Error for Output Layer + delta = Y_pred - Y_train + if delta.ndim == 1: + delta.resize(1, len(delta)) + delta_N.append( delta ) + + # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) + for t in range(T-1,0,-1): + delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) + delta_N.append( delta ) + # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] + delta_N.reverse() + + # Calculate Gradient from delta and activation + # t is the Theta from layer t to layer t+1 + Theta_Gradient_L = [] + for t in range(T): + Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) + + # Create modified copy of the Theta_L for Regularization + # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized + regTheta = [np.zeros_like(theta) for theta in self.Theta_L] + for t, theta in enumerate(self.Theta_L): + regTheta[t][:,1:] = theta[:,1:] + + # Average Error + regularization penalty + for t in range(T): + Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.reg_term * regTheta[t]) + + return Theta_Gradient_L + + def fit(self, X_train, Y_train, X_test=None, Y_test=None): + """ + fit() calls the predict and back_prop functions for the + given number of cycles, tracks error and error improvement rates + + Parameters: + X_train - np.array of training data with dimension n_observations by n_features + Y_train - np.array of training classes with dimension n_observations by n_classes + epochs - integer of number of times to update Theta_L + learning_rate + momentum_rate + learning_reward + learning_penalty + X_test - np.array of training data with dimension n_observations by n_features + Y_test - np.array of training classes with dimension n_observations by n_classes + Returns + cost_list - list of result of cost function for each epoch + Learning_rates - list of learning rates used for each epoch + Notes + Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize + """ + + # Initial Learning Rate + learning_rates = [] + learning_rates.append( self.learning_rate ) + + # Initial Weight Change Terms + weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] + + # List of results of cost functions + cost_list = [0] * self.epochs + cost_test_list = [0] * self.epochs + rmse = [0] * self.epochs + # Initial Forward Pass + a_N_train, Y_pred = self.predict(X_train) + # Initial Cost + cost_list[0] = self.cost_function(Y_train, Y_pred) + + # Test Error + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + cost_test_list[0] = self.cost_function(Y_test, Y_pred_test) + + for i in range(1, self.epochs): + + # Back Prop to get Theta Gradients + Theta_grad = self.back_prop(a_N_train, Y_train) + + # Update Theta with Momentum + for l, theta_g in enumerate(Theta_grad): + weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) + self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] + + # Update Units + a_N_train, Y_pred_new = self.predict(X_train) + + # Check to see if Cost decreased + cost_new = self.cost_function(Y_train, Y_pred_new) + + if cost_new > cost_list[i-1]: + # Reduce learning rate + self.learning_rate = self.learning_rate * self.learning_penalty + # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place + self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] + # Cut prior weight_change as an approximate fix to momentum + weight_change_L = [m * self.learning_penalty for m in weight_change_L] + + a_N_train, Y_pred_new = self.predict(X_train) + cost_new = self.cost_function(Y_train, Y_pred_new) + else: + self.learning_rate = np.min((10, self.learning_rate * self.learning_reward)) + + learning_rates.append(self.learning_rate) + cost_list[i] = cost_new + + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + + sum_e = 0 + for j in range(len(Y_test)): + sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) + + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + + rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) + rmse[i] = rmse_epoch + + cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) + + for t, theta in enumerate(self.Theta_L): + self.logger.info('Theta: %s' % t) + for theta_i in np.round(theta, 2): + self.logger.info("%s" % str(theta_i)) + + #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) + #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) + + return cost_list, learning_rates, cost_test_list, rmse + + def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): + + self.epochs = epochs + self.learning_rate = learning_rate + self.momentum_rate = momentum_rate + self.learning_reward = learning_reward + self.learning_penalty = learning_penalty + + # Initialize Theta based on selected architecture + # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) + + # Fit + cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + + error = 0 + # Predict for test log + plot_vals = [] + a_N, Y_pred = self.predict(data_test) + self.logger.info('###################################Testing Results###################################') + self.logger.info('Given X:') + for x in data_test[:5]: + self.logger.info(x) + for p in zip(target_test[:10], np.round(Y_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info("%s" % str(pv)) + self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) + sum_e = 0 + for j in range(len(target_test)): + sum_e += pow((target_test[j] - Y_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) + rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) + self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) + + error = 0 + #Predict for validation results + + if data_val is not None: + plot_vals = [] + va_N, vY_pred = self.predict(data_val) + self.logger.info('###################################Validation Results###############################') + self.logger.info('Given X:') + for x in data_val[:5]: + self.logger.info(x) + for p in zip(target_val[:10], np.round(vY_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info((pv)) + self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) + sum_e = 0 + for j in range(len(target_val)): + sum_e += pow((target_val[j] - vY_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) + rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) + self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) + + return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse + diff --git a/neuralnetworks/backpropagation/runTests.py b/neuralnetworks/backpropagation/runTests.py new file mode 100644 index 0000000..d97403f --- /dev/null +++ b/neuralnetworks/backpropagation/runTests.py @@ -0,0 +1,149 @@ +# Python standard libraries +import sys +import os +import contextlib +import logging +import tempfile +import argparse +from argparse import RawTextHelpFormatter + +# 3rd-Party libraries +import numpy as np +import sklearn as sk +from sklearn.metrics import confusion_matrix, classification_report +from sklearn.preprocessing import LabelBinarizer +from sklearn.metrics import accuracy_score +import matplotlib.pyplot as plt + +# Project specific libraries +from network import BackPropagationNetwork +from tests import Tests +from analysis import * + + +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) + + +def is_valid_ttype_option(ttype): + options = ['x', 'd', 'i', 'f', 'w'] + if ttype in options: + return ttype + else: + print "Option 'ttype' is invalid. Choose from: " + print options + sys.exit(1) + + +# Setup the command line parser +def setup_argparser(): + + parser = argparse.ArgumentParser(description='' + + ' PyNet: Feed-Forward Back-Propagation Network in Python\n' + + ' Written by: Jared Smith and David Cunningham', + version='1.0.0', formatter_class=RawTextHelpFormatter) + + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") + requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") + requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") + optionalArguments = parser.add_argument_group('optional Arguments') + optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") + optionalArguments.add_argument('--learning_rate', dest='learning_rate', required=False, type=float, default=0.5, help="Learning rate, specifies the step width of the gradient descent. Default is 0.5.") + optionalArguments.add_argument('--momentum_rate', dest='momentum_rate', required=False, type=float, default=0.1, help="Momentum rate, specifies the amount of the old weight change (relative to 1) which is added to the current change. Default is 0.1.") + optionalArguments.add_argument('--learning_reward', dest='learning_reward', required=False, type=float, default=1.05, help="Magnitude to scale the learning rate by if cost/error decreases from the previous epoch. Default is 1.05.") + optionalArguments.add_argument('--learning_penalty', dest='learning_penalty', required=False, type=float, default=0.5, help="Magnitude to scale the learning rate by if the cost/error increases from the previous epoch. Default is 0.5.") + optionalArguments.add_argument('--regularization_term', dest='reg_term', required=False, type=float, default=1e-5, help="Regularization term (i.e. lamdba in the equations). Default is 1e-5.") + optionalArguments.add_argument('--ftrain', dest='ftrain', required=False, type=str, default=None, help="Training data file for function approximation test. Default is None.") + optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") + optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") + optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + return parser + + +def setup_logger(log_path, logger_name, logfile_name): + + logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') + rootLogger = logging.getLogger(logger_name) + rootLogger.setLevel(logging.DEBUG) + + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) + fileHandler.setFormatter(logFormatter) + rootLogger.addHandler(fileHandler) + + consoleHandler = logging.StreamHandler() + consoleHandler.setFormatter(logFormatter) + rootLogger.addHandler(consoleHandler) + + return rootLogger + + +if __name__=="__main__": + + graph_list = [] + + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems() : + logger.info("%s=%s" % (str(key), str(value))) + + test_suite = Tests(logger, args) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() + + Y_pred_copy = np.copy(Y_pred) + accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) + + if args.test_type != 'f': + logger.info('###################################Accuracy Results###############################') + logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) + logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) + else: + logger.info('###################################Accuracy Results###############################') + + target_test_1d = target_test.ravel() + Y_pred_1d = Y_pred.ravel() + distance = 0 + + for i in range(len(target_test_1d)): + distance += abs(Y_pred_1d[i] - target_test_1d[i]) + + avg_distance = distance / len(target_test_1d) + logger.info("Accuracy Score: %s" % (str(avg_distance))) + logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") + logger.info("NOTE: Computed using the following code:") + logger.info("for i in range(len(target_test_1d)):") + logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") + logger.info("\tavg_distance = distance / len(target_test_1d)") + + save_path = 'results/data/Experiment-%s' % (experiment_number) + save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) + + # Plotting + if args.plot: + plot_file_path = 'results/data/Experiment-%s' % (experiment_number) + plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) + plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) + plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/neuralnetworks/backpropagation/src/__init__.py b/neuralnetworks/backpropagation/src/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/neuralnetworks/backpropagation/src/analysis.py b/neuralnetworks/backpropagation/src/analysis.py new file mode 100644 index 0000000..758e7d7 --- /dev/null +++ b/neuralnetworks/backpropagation/src/analysis.py @@ -0,0 +1,137 @@ +import numpy as np +import matplotlib.pyplot as plt +import sklearn as sk + +from utils import * + +def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): + + """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. + cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. + """ + + x = np.arange(len(cost_list)) + y = cost_list + color_metric = cost_test_list + + fig = plt.figure() + ax = fig.add_subplot(111) + + cmhot = plt.cm.get_cmap("hot") + l = ax.scatter(x, y, c=color_metric, cmap=cmhot) + fig.colorbar(l) + plt.show() + + # Save the figure + plt.savefig(plot_file_name, bbox_inches='tight') + +def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): + + x1 = np.arange(len(cost_list)) + y1 = cost_list + + x2 = np.arange(len(cost_test_list)) + y2 = cost_test_list + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True, True, True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x2, y2) + plt.xlabel('Epochs') + plt.ylabel('Cost Function') + plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): + + x1 = np.arange(len(rmse)) + y1 = rmse + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('RMSE') + plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): + x1 = np.arange(len(learning_rates)) + y1 = learning_rates + + fig = plt.figure() + subplt = plt.subplot(111) + plt.plot(x1, y1) + plt.xlabel('Epochs') + plt.ylabel('Learning Rate') + plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) + plt.grid() + if autoscale: + subplt.autoscale_view(True,True,True) + fig.tight_layout() + + plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): + + x1 = target_test + y1 = Y_pred + + fig = plt.figure() + plt.scatter(x1, y1, alpha=0.5) + plt.xlabel('Target Values') + plt.ylabel('Predicted Values') + plt.title('Accuracy of Network') + plt.grid() + fig.tight_layout() + + plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) + plt.savefig(plot_file_name, bbox_inches='tight') + + return plot_file_name + +def facial_recognition_graphs(): + + prediction_titles = [title(y_pred, y_test, target_names, i) + for i in range(y_pred.shape[0])] + + plot_gallery(X_test, prediction_titles, h, w) + + # plot the gallery of the most significative eigenfaces + + eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] + plot_gallery(eigenfaces, eigenface_titles, h, w) + + plt.show() \ No newline at end of file diff --git a/neuralnetworks/backpropagation/src/network.py b/neuralnetworks/backpropagation/src/network.py new file mode 100644 index 0000000..a0d276f --- /dev/null +++ b/neuralnetworks/backpropagation/src/network.py @@ -0,0 +1,369 @@ +#!./usr/bin/python +# -*- coding: utf-8 -*-# + +import numpy as np +np.set_printoptions(precision=4, suppress=True) +import math as math +from matplotlib.pyplot import plot +from sklearn.datasets import load_iris, load_digits + +from utils import * + +class BackPropagationNetwork(object): + """ + + Initialize as: + nn = BackPropagationNetwork(n_features, n_classes, hidden_layers, reg_term) + + --> reg_term (i.e. lambda) is the regularization term + nn input and output units determined by training data + + Set nn.hidden_layers to list of integers to create hidden layer architecture + nn.hidden_layers does not include the bias unit for each layer + nn.hidden_layers is list containing number of units in each hidden layer + [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units + Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] + + nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations + For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes + For multi-class prediction, Y will have shape n_observations by n_classes + + nn.predict(X) returns vector of probability of class being true or false + For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class + + Test a simple XOR problem with nn.XOR_test() + nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture + """ + + def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): + self.logger = logger + self.test_type = test_type + self.n_features = n_features + self.n_classes = n_classes + self.hidden_layers = hidden_layers + self.reg_term = reg_term + self.epochs = 2 + self.learning_rate = 0.5 + self.learning_reward = 1.05 + self.learning_penalty = 0.5 + self.momentum_rate = 0.1 + self.Theta_L = [] + + self.initialize_theta() + + def initialize_theta(self): + """ + initialize_theta creates architecture of neural network + Defines self.Theta_L + + Parameters: + hidden_unit_length_list - List of hidden layer units + input_unit_count - integer, number of input units (features) + output_class_count - integer, number of output classes + """ + + unit_count_list = [len(self.n_features[0])] + unit_count_list += self.hidden_layers + unit_count_list.append(len(self.n_classes[0])) + self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] + + def print_theta(self): + + T = len(self.Theta_L) + + self.logger.info('\n') + self.logger.info('NN ARCHITECTURE') + self.logger.info('%s Layers (%s Hidden)' % ((T + 1), (T-1))) + self.logger.info('%s Thetas' % T) + self.logger.info('%s Input Features' % (self.Theta_L[0].shape[1]-1)) + self.logger.info('%s Output Classes' % self.Theta_L[T-1].shape[0]) + self.logger.info('\n') + + self.logger.info('Units per layer') + for t, theta in enumerate(self.Theta_L): + if t == 0: + self.logger.info(' - Input: %s Units' % (theta.shape[1] - 1)) + if t < T-1: + self.logger.info(' - Hidden %s: %s Units' % ((t+1), theta.shape[0])) + else: + self.logger.info(' - Output: %s Units' % theta.shape[0]) + + self.logger.info('Theta Shapes') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s: %s' % (l, theta.shape)) + + self.logger.info('Theta Values') + for l, theta in enumerate(self.Theta_L): + self.logger.info('Theta %s:' % l) + self.logger.info("\n" + str(theta)) + self.logger.info('\n') + + def cost_function(self, Y, Y_pred): + """ + cost_function implements cost function + + y is n_observations by n_classes (n_classes = 1 for n_classes <=2) + pred_y is predicted y values and must be same shape as y + + Returns cost - list of cost values + """ + + if Y.shape != Y_pred.shape: + if Y.shape[0] != Y_pred.shape: + raise ValueError,'Wrong number of predictions' + else: + raise ValueError,'Wrong number of prediction classes' + + n_observations = len(Y) + tiny = 1e-6 + # Cost Function + cost = (-1.0 / n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() + + return cost + + + def predict(self, X): + """ + predict calculates activations for all layers, returns prediction for Y + + Parameters + X is array of input features dimensions n_observations by n_features + + Returns + a_N is outputs of all units + a_N[L] is array of predicted Y values dimensions n_observations by n_classes + """ + + m = len(X) + T = len(self.Theta_L) + + a_N_predict = [] # List of activations including bias unit for non-output layers + + # Input Layer inputs + a_N_predict.append( X ) + # Loop through each Theta_List theta + # t is Theta for calculating layer t+1 from layer t + for t, theta in enumerate(self.Theta_L): + # Add bias unit + if a_N_predict[t].ndim == 1: + a_N_predict[t].resize(1, a_N_predict[t].shape[0]) + a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) + + # Calculate and Append new z and a arrays to z_N and a_N lists + z = a_N_predict[t].dot(theta.T) + a_N_predict.append(sigmoid(z)) + + return a_N_predict, a_N_predict[T] + + + def back_prop(self, a_N_backprop, Y_train): + """ + a_N - list of layer outputs with dimensions n_observations by n_units + Y_train is n_observations, n_classes + + Returns + Theta_Gradient_L + """ + + T = len(self.Theta_L) + Y_pred = a_N_backprop[T] + n_observations = len(Y_pred) + + # Backprop Error; One list element for each layer + delta_N = [] + + # Get Error for Output Layer + delta = Y_pred - Y_train + if delta.ndim == 1: + delta.resize(1, len(delta)) + delta_N.append( delta ) + + # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) + for t in range(T-1,0,-1): + delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) + delta_N.append( delta ) + # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] + delta_N.reverse() + + # Calculate Gradient from delta and activation + # t is the Theta from layer t to layer t+1 + Theta_Gradient_L = [] + for t in range(T): + Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) + + # Create modified copy of the Theta_L for Regularization + # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized + regTheta = [np.zeros_like(theta) for theta in self.Theta_L] + for t, theta in enumerate(self.Theta_L): + regTheta[t][:,1:] = theta[:,1:] + + # Average Error + regularization penalty + for t in range(T): + Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.reg_term * regTheta[t]) + + return Theta_Gradient_L + + def fit(self, X_train, Y_train, X_test=None, Y_test=None): + """ + fit() calls the predict and back_prop functions for the + given number of cycles, tracks error and error improvement rates + + Parameters: + X_train - np.array of training data with dimension n_observations by n_features + Y_train - np.array of training classes with dimension n_observations by n_classes + epochs - integer of number of times to update Theta_L + learning_rate + momentum_rate + learning_reward + learning_penalty + X_test - np.array of training data with dimension n_observations by n_features + Y_test - np.array of training classes with dimension n_observations by n_classes + Returns + cost_list - list of result of cost function for each epoch + Learning_rates - list of learning rates used for each epoch + Notes + Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize + """ + + # Initial Learning Rate + learning_rates = [] + learning_rates.append( self.learning_rate ) + + # Initial Weight Change Terms + weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] + + # List of results of cost functions + cost_list = [0] * self.epochs + cost_test_list = [0] * self.epochs + rmse = [0] * self.epochs + # Initial Forward Pass + a_N_train, Y_pred = self.predict(X_train) + # Initial Cost + cost_list[0] = self.cost_function(Y_train, Y_pred) + + # Test Error + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + cost_test_list[0] = self.cost_function(Y_test, Y_pred_test) + + for i in range(1, self.epochs): + + # Back Prop to get Theta Gradients + Theta_grad = self.back_prop(a_N_train, Y_train) + + # Update Theta with Momentum + for l, theta_g in enumerate(Theta_grad): + weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) + self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] + + # Update Units + a_N_train, Y_pred_new = self.predict(X_train) + + # Check to see if Cost decreased + cost_new = self.cost_function(Y_train, Y_pred_new) + + if cost_new > cost_list[i-1]: + # Reduce learning rate + self.learning_rate = self.learning_rate * self.learning_penalty + # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place + self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] + # Cut prior weight_change as an approximate fix to momentum + weight_change_L = [m * self.learning_penalty for m in weight_change_L] + + a_N_train, Y_pred_new = self.predict(X_train) + cost_new = self.cost_function(Y_train, Y_pred_new) + else: + self.learning_rate = np.min((10, self.learning_rate * self.learning_reward)) + + learning_rates.append(self.learning_rate) + cost_list[i] = cost_new + + if Y_test is not None: + a_N_test, Y_pred_test = self.predict(X_test) + + sum_e = 0 + for j in range(len(Y_test)): + sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) + + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + + rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) + rmse[i] = rmse_epoch + + cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) + + for t, theta in enumerate(self.Theta_L): + self.logger.info('Theta: %s' % t) + for theta_i in np.round(theta, 2): + self.logger.info("%s" % str(theta_i)) + + #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) + #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) + + return cost_list, learning_rates, cost_test_list, rmse + + def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): + + self.epochs = epochs + self.learning_rate = learning_rate + self.momentum_rate = momentum_rate + self.learning_reward = learning_reward + self.learning_penalty = learning_penalty + + # Initialize Theta based on selected architecture + # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) + + # Fit + cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) + + error = 0 + # Predict for test log + plot_vals = [] + a_N, Y_pred = self.predict(data_test) + self.logger.info('###################################Testing Results###################################') + self.logger.info('Given X:') + for x in data_test[:5]: + self.logger.info(x) + for p in zip(target_test[:10], np.round(Y_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info("%s" % str(pv)) + self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) + sum_e = 0 + for j in range(len(target_test)): + sum_e += pow((target_test[j] - Y_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) + rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) + self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) + + error = 0 + #Predict for validation results + + if data_val is not None: + plot_vals = [] + va_N, vY_pred = self.predict(data_val) + self.logger.info('###################################Validation Results###############################') + self.logger.info('Given X:') + for x in data_val[:5]: + self.logger.info(x) + for p in zip(target_val[:10], np.round(vY_pred[:10],6)): + plot_vals.append(p) + self.logger.info('Actual Y, Predicted Y:') + for pv in plot_vals: + self.logger.info((pv)) + self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) + sum_e = 0 + for j in range(len(target_val)): + sum_e += pow((target_val[j] - vY_pred[j]), 2) + if len(sum_e) > 1: + sum_e = np.sum(sum_e) + self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) + rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) + self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) + + return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse + diff --git a/neuralnetworks/backpropagation/src/run_tests.py b/neuralnetworks/backpropagation/src/run_tests.py new file mode 100644 index 0000000..8926a77 --- /dev/null +++ b/neuralnetworks/backpropagation/src/run_tests.py @@ -0,0 +1,149 @@ +# Python standard libraries +import sys +import os +import contextlib +import logging +import tempfile +import argparse +from argparse import RawTextHelpFormatter + +# 3rd-Party libraries +import numpy as np +import sklearn as sk +from sklearn.metrics import confusion_matrix, classification_report +from sklearn.preprocessing import LabelBinarizer +from sklearn.metrics import accuracy_score +import matplotlib.pyplot as plt + +# Project specific libraries +from network import BackPropagationNetwork +from tests import Tests +from analysis import * + + +# Function for changing directories safely +@contextlib.contextmanager +def cd(newPath): + savedPath = os.getcwd() + os.chdir(newPath) + yield + os.chdir(savedPath) + + +def is_valid_ttype_option(ttype): + options = ['x', 'd', 'i', 'f', 'w'] + if ttype in options: + return ttype + else: + print "Option 'ttype' is invalid. Choose from: " + print options + sys.exit(1) + + +# Setup the command line parser +def setup_argparser(): + + parser = argparse.ArgumentParser(description='' + + ' PyNet: Feed-Forward Back-Propagation Network in Python\n' + + ' Written by: Jared Smith and David Cunningham', + version='1.0.0', formatter_class=RawTextHelpFormatter) + + requiredArguments = parser.add_argument_group('required Arguments') + requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") + requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") + requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") + optionalArguments = parser.add_argument_group('optional Arguments') + optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") + optionalArguments.add_argument('--learning_rate', dest='learning_rate', required=False, type=float, default=0.5, help="Learning rate, specifies the step width of the gradient descent. Default is 0.5.") + optionalArguments.add_argument('--momentum_rate', dest='momentum_rate', required=False, type=float, default=0.1, help="Momentum rate, specifies the amount of the old weight change (relative to 1) which is added to the current change. Default is 0.1.") + optionalArguments.add_argument('--learning_reward', dest='learning_reward', required=False, type=float, default=1.05, help="Magnitude to scale the learning rate by if cost/error decreases from the previous epoch. Default is 1.05.") + optionalArguments.add_argument('--learning_penalty', dest='learning_penalty', required=False, type=float, default=0.5, help="Magnitude to scale the learning rate by if the cost/error increases from the previous epoch. Default is 0.5.") + optionalArguments.add_argument('--regularization_term', dest='reg_term', required=False, type=float, default=1e-5, help="Regularization term (i.e. lamdba in the equations). Default is 1e-5.") + optionalArguments.add_argument('--ftrain', dest='ftrain', required=False, type=str, default=None, help="Training data file for function approximation test. Default is None.") + optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") + optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") + optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") + optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") + return parser + + +def setup_logger(log_path, logger_name, logfile_name): + + logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') + rootLogger = logging.getLogger(logger_name) + rootLogger.setLevel(logging.DEBUG) + + fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) + fileHandler.setFormatter(logFormatter) + rootLogger.addHandler(fileHandler) + + consoleHandler = logging.StreamHandler() + consoleHandler.setFormatter(logFormatter) + rootLogger.addHandler(consoleHandler) + + return rootLogger + + +if __name__=="__main__": + + graph_list = [] + + parser = setup_argparser() + args = parser.parse_args() + experiment_number = args.experiment_number + + # Setup directories for storing results + if not os.path.exists('results'): + os.makedirs('results') + + with cd('results'): + if not os.path.exists('data'): + os.makedirs('data') + with cd('data'): + if not os.path.exists('Experiment-' + str(experiment_number)): + os.makedirs('Experiment-' + str(experiment_number)) + + logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") + logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) + logger.info("Program Arguments:") + args_dict = vars(args) + for key, value in args_dict.iteritems() : + logger.info("%s=%s" % (str(key), str(value))) + + test_suite = Tests(logger, args) + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() + + Y_pred_copy = np.copy(Y_pred) + accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) + + if args.test_type != 'f': + logger.info('###################################Accuracy Results###############################') + logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) + logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) + else: + logger.info('###################################Accuracy Results###############################') + + target_test_1d = target_test.ravel() + Y_pred_1d = Y_pred.ravel() + distance = 0 + + for i in range(len(target_test_1d)): + distance += abs(Y_pred_1d[i] - target_test_1d[i]) + + avg_distance = distance / len(target_test_1d) + logger.info("Accuracy Score: %s" % (str(avg_distance))) + logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") + logger.info("NOTE: Computed using the following code:") + logger.info("for i in range(len(target_test_1d)):") + logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") + logger.info("\tavg_distance = distance / len(target_test_1d)") + + save_path = 'results/data/Experiment-%s' % (experiment_number) + save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) + + # Plotting + if args.plot: + plot_file_path = 'results/data/Experiment-%s' % (experiment_number) + plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) + plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) + plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/neuralnetworks/backpropagation/src/tests.py b/neuralnetworks/backpropagation/src/tests.py new file mode 100644 index 0000000..f2ae576 --- /dev/null +++ b/neuralnetworks/backpropagation/src/tests.py @@ -0,0 +1,234 @@ +import sys + +import numpy as np +import math as math +import pylab as plt +from time import time +from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs +from sklearn.decomposition import RandomizedPCA +from sklearn.cross_validation import train_test_split as sklearn_train_test_split + + +from network import BackPropagationNetwork +from utils import * + +class Tests(object): + + def __init__(self, logger, args): + + self.logger = logger + self.args = args + + def run_tests(self): + if self.args.test_type == 'x': + self.logger.info("###################################RUNNING XOR TEST##################################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'd': + self.logger.info("###################################RUNNING DIGITS TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'i': + self.logger.info("###################################RUNNING IRIS TEST#################################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'f': + self.logger.info("###################################RUNNING APPROX TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + elif self.args.test_type == 'w': + self.logger.info("###################################RUNNING FACES TEST###############################") + target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.faces_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) + return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) + + + def translate_to_binary_array(self, target): + n_obs = len(target) + unique_targets = np.unique(target) + n_unique_targets = len(np.unique(target)) + + # Translation of target values to array indicies + target_translation = dict(zip(unique_targets, range(n_unique_targets))) + + # Create initial target array with all zeros + target_array = np.zeros((n_obs, n_unique_targets)) + + # Set 1 value + for i, val in enumerate(target): + target_array[i][target_translation[val]] = 1 + + return target_array + + def train_test_split(self, data_array, target_array, split=.8): + """ + Split into randomly shuffled train and test sets + Split on Number of records or Percent of records in the training set + if split is <= 1 then split is a percent, else split is the number of records + """ + + n_obs = len(data_array) + + if split <= 1: + train_len = int(split * n_obs) + else: + train_len = int(np.round(split)) + + shuffled_index = range(n_obs) + np.random.shuffle(shuffled_index) + + train_data = data_array[shuffled_index[:train_len]] + test_data = data_array[shuffled_index[train_len:]] + + train_target = target_array[shuffled_index[:train_len]] + test_target = target_array[shuffled_index[train_len:]] + + print train_data.shape + print test_data.shape + + print train_target.shape + print test_target.shape + + self.logger.info('Data Set: %d Observations, %d Features' % (data_array.shape[0], data_array.shape[1])) + self.logger.info('Training Set: %d Observations, %d Features' % (train_data.shape[0], train_data.shape[1])) + self.logger.info('Test Set: %d Observations, %d Features' % (test_data.shape[0], test_data.shape[1])) + self.logger.info('Target Set: %d Observations, %d Classes' % (target_array.shape[0], target_array.shape[1])) + self.logger.info('Training Set: %d Observations, %d Features' % (train_target.shape[0], train_target.shape[1])) + self.logger.info('Test Set: %d Observations, %d Features' % (test_target.shape[0], test_target.shape[1])) + + return train_data, test_data, train_target, test_target + + def iris_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + data_set = load_iris() + + data = data_set.data + target = self.translate_to_binary_array(data_set.target) + + # Split into train, test sets + data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def digits_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + data_set = load_digits() + + data = data_set.data + target = self.translate_to_binary_array(data_set.target) + + # Split into train, test sets + data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def XOR_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + """ + XOR_test is a simple test of the nn self.logger.info(ing the predicted value to std out + Trains on a sample XOR data set + Predicts a single value + Accepts an option parameter to set architecture of hidden layers + """ + + # Set Data for XOR Test + data_train = np.zeros((4,2)) + data_train[0,0] = 1. + data_train[1,1] = 1. + data_train[2,:] = 1. + data_train[3,:] = 0. + + target_train = np.array([1.,1.,0.,0.]).reshape(4,1) # Single Class + + # Test X and Y + data_test = np.array([[1,0],[0,1],[1,1],[0,0]]) + target_test = np.array([[1],[1],[0],[0]]) + + self.logger.info('Training Data: X') + for data_i in data_train: + self.logger.info("%s" % str(data_i)) + self.logger.info('Training Data: Y') + for target_i in target_train: + self.logger.info("%s" % str(target_i)) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) + + def fnct_aprox(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, training_name, testing_name, validation_name): + + #read in train + data_train, target_train = self.parse_file(training_name, 200) + np.random.shuffle(data_train) + np.random.shuffle(target_train) + #read in test + data_test, target_test = self.parse_file(testing_name, 100) + np.random.shuffle(data_test) + np.random.shuffle(target_test) + #read in validation + data_val, target_val = self.parse_file(validation_name, 50) + np.random.shuffle(data_val) + np.random.shuffle(target_val) + + NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test, data_val = data_val,target_val = target_val) + + def parse_file(self, filename, num_lines): + + data = [] + target = [] + f = open(filename, 'r') + for line in f: + floats = map(float, line.split()) + target.append([floats.pop()]) + data.append(floats) + f.close() + return np.array(data), np.array(target) + + def faces_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): + + lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) + + # introspect the images arrays to find the shapes (for plotting) + n_samples, h, w = lfw_people.images.shape + + # for machine learning we use the 2 data directly (as relative pixel + # positions info is ignored by this model) + X = lfw_people.data + n_features = X.shape[1] + + # the label to predict is the id of the person + y = lfw_people.target + y = self.translate_to_binary_array(y) + + + target_names = lfw_people.target_names + n_classes = target_names.shape[0] + + self.logger.info("n_samples: {}".format(n_samples)) + self.logger.info("n_features: {}".format(n_features)) + self.logger.info("n_classes: {}".format(n_classes)) + + # split into a training and testing set + X_train, X_test, y_train, y_test = sklearn_train_test_split( + X, y, test_size=0.25) + + # Compute a PCA (eigenfaces) on the face dataset (treated as unlabeled + # dataset): unsupervised feature extraction / dimensionality reduction + n_components = 150 + + self.logger.info("Extracting the top %d eigenfaces from %d faces" + % (n_components, X_train.shape[0])) + t0 = time() + pca = RandomizedPCA(n_components=n_components, whiten=True).fit(X_train) + self.logger.info("done in %0.3fs" % (time() - t0)) + + eigenfaces = pca.components_.reshape((n_components, h, w)) + + self.logger.info("Projecting the input data on the eigenfaces orthonormal basis") + t0 = time() + X_train_pca = pca.transform(X_train) + X_test_pca = pca.transform(X_test) + self.logger.info("done in %0.3fs" % (time() - t0)) + + NN = BackPropagationNetwork(self.logger, X_train_pca, y_train, hidden_layers, reg_term) + return BackPropagationNetwork.test(NN, X_train_pca, y_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, X_test_pca, y_test) \ No newline at end of file diff --git a/neuralnetworks/backpropagation/src/utils.py b/neuralnetworks/backpropagation/src/utils.py new file mode 100644 index 0000000..cd7027f --- /dev/null +++ b/neuralnetworks/backpropagation/src/utils.py @@ -0,0 +1,106 @@ +import numpy as np + +def sigmoid(z): + """sigmoid is a basic sigmoid function returning values from 0-1""" + return 1.0 / ( 1.0 + np.exp(-z) ) + +def sigmoidGradient(z): + # Not used + return self.sigmoid(z) * ( 1 - self.sigmoid(z) ) + +def format__1(digits,num): + if digits

g*p$t_VQ%O%c5w6IB128JG{Z~v^==&~zb_h!?V zlKuqsT4Za=!(83<`ndky%dOnq3WUOxZb-$%CdPxDGWPyN0Uaj_eN9R^$nspCuv^Q6 zMQr}m0xj)x)6!L#v)0fOgIO7#Xr$;S)9v6;o6Ebab>^pUesbl9frIiga=o5cgvFj< zZ_sgtO||M}c-K2!m+#~`J;aX+nBSf4c~9@1fsIhcCGH`!)6B^ogZ1yvB!sDV7vwYS z>FeI$PV1635;GPfGn&Lh>~6cL`L=7e;0Z^ATk!TL2jahIzZq;aYv?BRb=M^_yRq!) zt8Pf~eDYhzBi3!O!ZpBLu+(yYrm#AMChFq~?xc5s^# z`V&@4v2FN~(#VZAGwueSvXj|Hd=5iDT@N7| zi178*W1a3MoK0?2Icc^jSf5+!5>FSlb57rU7Ia$oL(V3mWBpQTPei_+SA6qv;X7SPku~os3|wo(Ph9zu zg{?vv1KUdDfDOPh1PJNIf|m**7VH^inG+0FP<+Sz`yA~U0@?(H!!cCqbsanFfI6nU zM>j=#)(`7n>9zisFkK(F-<-V4zI#a#qhNz&8H8~IEiM?{T$ncX|ssZ zNuUu!2If>2D?n}{>lb^6h8*PI20zX3>bzZ}j^yeP?>Q@ZZ$M+AGUr%rrCd{4BkGj( zY)RhHIQ{h8Q3+lCYb^PVH3_3x5%<`MxDuwoW4d=Yyy$b?gXr=NT$I15)gO#k;5%vd z;St|)K4YGdg&l_H;@|In9j+j@!zK)+$;&xx+N+#gWpit%# zV5p&tH(wVAyVDJ`c?085WB0KQpLVZT11%#%KKoX&BWVQv-HLk%5od?uS%Zez11t^IM9$ zHGN}u>{UwJ%b9)Twk~T$hRiF>B${VvG2 zyS@>dL|Vt!wAZ)zVa^wur^9(nq8!~`8BI6+B26V0tHrG)-aXUcx}rTCovx1?l2TGjbLc#iVLXSbNuKqqOw|g!-`1Z; zlFsQLKR>1y&Tb`=WBgY9)F@_`Xz7fNLBx2~*52WBMdsh~ehj8&O$*jMKil`-QrI}> zSl{`S>k5lWr>B0>C7;yL1Id%NfTjf*5gTq~3HjlqTFz zmEqH7z1L1##Tr#DoELM%S{0{~5o5(spXGoOX2Yw~3svqZB-0BCFzlIzRIik3}(SKi4Z0`o8!KD6XfhndsD6~6fRfUqGtU(CsOY6!B0CT zxE3WOM!oH6Wy;2t7fiNKJv!cR{2}-3aS2I}ZSK!*G1m!ZT#c|XAm`PFF;(Ank+l34 zL02*=7qtqlYYhzlQd;b4e9z*rkm1vlV(MJio8^lT%x9!I9l=_&%BE|N{r<91Ms*v( z9SJxpEW_R5W5k}0qK=?$ULLuaAH0?L-ik&_JeN z5uUq`n2Jak;huZZmsO>PJK;)-WWh?5ZQ1%zmyqi#!Bu-^pb`6ZgBOL)B7R$iHFUqw z?#WfizlD7h>zy2~qk^ov^%)m0`p=mROehNYoI8?1nY^^{cDAEOy52xBS-tk=LZXLX zu^d9(SJQnukz(Ie*{W99M~_#e^QfV@G#I)-bk(BpM}6W-c!MhvP+NR_z2zfae4@!J z7mL`nMt^7mdZi^v(dBG}SV8ossx_&_7@kk5-92&Z;tu_)sPh%djKQMxr8Nv(y$nb% z-CCAi*6X{QL*5a*@tni-fl(HPZ(K7>B5pLfWm2YG2?3HU7rC}NvxR09@Sow3;~5+~ zH|$?L-o2pZ``PxhR>gQ;*S*_LZ`lqze-X^XyO<_HR@dj+9DyZtU^;iKg?JyOWp8J7XubpSQ{#@o3esY0J9nqAoRzzNc_6 zX5#rg|F(q-oo!W2&B*>aev40~>pN7Nk7BDEC6XH@S}W{63YLY1m=-pc?tJ>@=;E%X z0KORB1|iqm$c52zp^%0`jc1C^&#SH3v)r^Yxw8(9xpj98>wc87Y|G8OHaC44d3wBve&4%ha-rv za$+^Fk?u$ehZBNA{iko{?qP2$)z;>DSc@f*GtN-2Rdgybn9quIymEMiA`6$ zi~k@xssC>Nv_f_1JL@x-Su!G&Yh+L97@;FBJ46@c1sxR3+w^J|zgCX8ke`D$;?o>I zjdO$L_2xGWFKCGeR-tmOQ5zQAqOZ6cH?H$*La~0tGw@BGn$N@?54ha^{MH6#c^>=C z^vY%RPP=c|d`L5|ygRHF|AAY7VV7O;cec+dZ{BU|-%)G&I4f)ubH_b}qGT)mtg!10 z(MVSPgd4FlbIk7~84FNc(X~x4m6WS?qTGBZO;bEB?sZ6DQ;_1ds*>!yxLMq+)jV9D zaD$1#->>Tad4XK+YXdQpa7vWUA?!=P zgQX?1Y$N|;op>e_`UjrgoG6?|<%dICo?5oxl?=7|@3g7hO1v{qkj+8r9I$0L%W<6V zCtFW{YekycPVVW5n%hT&Jfk+AH5?P-0QnOdbK^NCyF|2CQi8U)Jt;#|HWx ztZEZxL!8t6yGrBx@}K^^{1KI_qB^f4C_jZ_zA!UQxZgC{d#;iAlh9Z0m?^crHq^v| z{e4P&{WOn}8_M`z>>jk{>L0q`nQ3=#6`_=R0a^}cVFZ&Nt zQ>=H*_g`<>pp>F}G5Dr=!$DP3)QMG;YOOJ#?8;Xud{W&;@Tp2I%t8@9f@oDr+wv(`upOInGL zqKU3I1Nd0dBYs`EXj0!lzjSc?#X;+non~bSB;8eX#tGI^VWkggN3eR4pZ)i}HlDue z>FzSJV_b$%Ja6T1TO0S(zc<&R!cd?M*;;L8b=KlVf!b887#BN@^s8uwp$37)DZY|B zPp-uJH-BvaJuMk_soS@9aykH?p>VP9NfYpQC>;_1H%2STDcdo{b(#ith`IF*U~g z?D{U@Q!g+kGra)pgVq=AYA!vhqINq+bh1Z%g@*E9ITvoyT?$|A#!YC_p^a@7)4 zO*j7l3OofuEg_`3l&>X?mc>ER7%Tz61xJ{KAwl~PNDXh0SOuq&DJUS2>Tb@?WH=8D zq-|M4AZ$T`yf8;#H3<;Xm+bH6;{<_w6l5sb-v>hacmqyQfQ4r3XOQp({<;N$ zb^zc2GJqUJ223HlxwwM#Hg7kufB+z=Lf|q13DVxQAR-Au8bY#QBNIp#3|T-VB80Su z(13ABGN^D6(iK9wffm@;6M+WbdXe5>Z;$~7hQM|KV0#D|2qA+YWH3z7QmWo>vViwP z>e>Hd2nJ7mdtJ_2_|tg9vWD~As0^aY@qe%lq|H&tUKT()aCVwY0ALjYX{EhHC>~tZ z{lWqk$RA2X1^fS_LHhO~ROtha!vVIa+57$iO9Xd?NF9)X=;o;6?czy>H&f`}m70RvJ7u^_tuE_i?^ zJPyytg7*SyjU~eK|5rgQk7L1HxWF)$3m$k}Gzw+_PZLxorV@iC zBH$WE0wxMB1YkShwRk}I5)3dG>`QH9aexuB)Pe_x0dAAPXAA=9C!jHaz@>e0U|&22 zFb231cnl9}S->o~rWTNN2{Qv`0$juUQ-uaI5a0k9N@W%vtf4Yx89BJ7Y8t!~4t_wv zEP~O7NrP)psPcffTPg_rFPZ%YwbTFzE`h)Rior5Gj1|Bf#t2q}WpORn09(W|B2)-C zBA5iM9*jP$2fyLNv*1puG66{N^KU3HQYaLHI`#_yi9mvu3#(PQd!`XMypeJ_8uAZY&onjf-TxZd~MIQ$tzQSCEC&C@dZZQwy>2i57o<{faB z+NN4|H2h`{=25LbH9H4nGB5cDAb9E!Z1pj}oYs<40GdD@p&EZ+(5Mfp5Ks(iOAErl zQ4|2A33Pv{&k(}=+SUZ{f2oh^RHz?I00OYj0WzfmuzKA8rAE0|72j``o}m zTWYxieOhXHLg0*0M*);y8+n6+wbT~?R19t*fN#P5+9MFc{DMb;r~yB~As7N5YN=3y zAaJ`xZ7rF9;49&$|LpOfUPcq>^wPTj#^LAX&+IDbr5tS)(6{W#e&>E89f4zn0V7o~ z%hQ0H{N?cenf3gTg=Oz;_K-{@pN;5e4U&j2YW{k;O4*-Dku<`{W$|9@5^ANAXf^-R}P8%Z>fxr zzl-=E>_kYXXtkyd@kT0$op3x8XyT2W@R5*mH-6!cOU7W zwP+GBCx6WYuh4+m?_U-RJj=kGpQ z*e0!<2W~w6?IXbE>aTgSz}^4VheQ9%Qyd=k4}LhpKRiVNw)_JR4+qa^4ia>-7%1YXR>;9*Yhyp(QuX#ia>YsgyIMTmsiLgapxrgj3vXsSw z(CP1a#DD3PC4qSGuX!YJy8h|I{Cl>5vG@ZQiod;^C)uC+KRP?ENX! +2015-04-21 14:39:50,032 - __main__ - INFO - learn=False +2015-04-21 14:39:50,032 - __main__ - INFO - NG=20 +2015-04-21 14:39:50,032 - __main__ - INFO - nruns=10 +2015-04-21 14:39:50,033 - __main__ - INFO - pm=0.033 +2015-04-21 14:39:50,033 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:39:50,033 - __main__ - INFO - Starting run 0... +2015-04-21 14:39:50,033 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:39:50,034 - __main__ - INFO - Initialization Complete. +2015-04-21 14:39:50,034 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:39:50,036 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:39:50,036 - __main__ - INFO - Generation 0 running... +2015-04-21 14:39:50,036 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:39:50,036 - __main__ - DEBUG - Getting fitness of generation 0 +2015-04-21 14:39:50,036 - __main__ - DEBUG - Sum of bitstring at 0 of population: 407020034 +2015-04-21 14:39:50,036 - __main__ - DEBUG - Fitness Value at index 0 in population: 77324524128297631780700160.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 1 of population: 743392435 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 1 in population: 31647002175104167400204926976.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1029749442 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 2 in population: 833901735858458584585672327168.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 3 of population: 736960592 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 3 in population: 29065053138587189737441722368.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 4 of population: 340930267 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 4 in population: 13147210297489166757265408.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 5 of population: 489510425 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 5 in population: 482902181032368673612890112.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 6 of population: 668293713 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 6 in population: 11000041493002582443656478720.000000 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Sum of bitstring at 7 of population: 875735 +2015-04-21 14:39:50,037 - __main__ - DEBUG - Fitness Value at index 7 in population: 0.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 8 of population: 946269475 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 8 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 9 of population: 419435383 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 9 in population: 104857600000000000000000000.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 10 of population: 6270630 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 10 in population: 9765625.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 11 of population: 470328920 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 11 in population: 325671789091273746650497024.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 12 of population: 116006370 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 12 in population: 259374246010000015360.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 13 of population: 21088063 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 13 in population: 10240000000000.000000 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Sum of bitstring at 14 of population: 765906283 +2015-04-21 14:39:50,038 - __main__ - DEBUG - Fitness Value at index 14 in population: 42976258297035576023978082304.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 15 of population: 510648777 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 15 in population: 735127539396457040304930816.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 16 of population: 722673316 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 16 in population: 24109722907876309172905574400.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 17 of population: 881248974 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 17 in population: 174901228765980934990335049728.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 18 of population: 648556056 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 18 in population: 8126148432270444213626208256.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 19 of population: 738582091 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 19 in population: 29903814596611567588344856576.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 20 of population: 754437714 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 20 in population: 36922313359187619275130011648.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 21 of population: 694200517 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Fitness Value at index 21 in population: 16165155788569249311897944064.000000 +2015-04-21 14:39:50,039 - __main__ - DEBUG - Sum of bitstring at 22 of population: 543844899 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 22 in population: 1390905413566710466832498688.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 23 of population: 622452112 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 23 in population: 5377085394484537915875524608.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 24 of population: 54898279 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 24 in population: 144555105949057024.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 25 of population: 573094500 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 25 in population: 2354650353536627423775293440.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 26 of population: 94987502 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 26 in population: 34867844009999998976.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 27 of population: 1033699859 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 27 in population: 859730442259143119716453711872.000000 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Sum of bitstring at 28 of population: 1066459808 +2015-04-21 14:39:50,040 - __main__ - DEBUG - Fitness Value at index 28 in population: 1183612462332409249644578603008.000000 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Sum of bitstring at 29 of population: 708480669 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Fitness Value at index 29 in population: 19635308465447331536331341824.000000 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total fitness from step 1: 3669063155102840667047897071616.000000 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.000021 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.000021 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.008625 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.008646 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.227279 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.235926 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.007922 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.243847 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.000004 +2015-04-21 14:39:50,041 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.243851 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.000132 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.243982 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.002998 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.246981 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.000000 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.246981 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.097165 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.344146 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000029 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.344174 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.000000 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.344174 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.000089 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.344263 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.000000 +2015-04-21 14:39:50,042 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.344263 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.000000 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.344263 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.011713 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.355976 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.000200 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.356176 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.006571 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.362748 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.047669 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.410417 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.002215 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.412631 +2015-04-21 14:39:50,043 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.008150 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.420782 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.010063 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.430845 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.004406 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.435251 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000379 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.435630 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.001466 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.437095 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.000000 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.437095 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.000642 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.437737 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.000000 +2015-04-21 14:39:50,044 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.437737 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.234319 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.672056 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.322593 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.994648 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.005352 +2015-04-21 14:39:50,045 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 +2015-04-21 14:39:50,045 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,045 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 2: 111101011000001011101011000010 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,046 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,047 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,048 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101101011 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,049 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,050 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,051 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 27: 111101100111010000001000010011 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Individual Fit: 0.994648 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Rand Num: 0.860984 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: Population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,052 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100001110001010100000 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 2: 111101011000001011101011000010 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,053 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,054 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,055 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,056 - __main__ - DEBUG - 2: rand num: 0.344897 +2015-04-21 14:39:50,057 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101101011 +2015-04-21 14:39:50,057 - __main__ - DEBUG - 2: selected individuval from population at 14: 101101101001101100110101101011 +2015-04-21 14:39:50,057 - __main__ - DEBUG - 1: parents[0][0]: 0b101101101001101100110101101011 +2015-04-21 14:39:50,057 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,061 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Population at 2: 111101011000001011101011000010 +2015-04-21 14:39:50,061 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,062 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,063 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,064 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,065 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,066 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,067 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Rand Num: 0.510108 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: Population at 27: 111101100111010000001000010011 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: selected individuval from population at 27: 111101100111010000001000010011 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 1: parents[0][0]: 0b111101100111010000001000010011 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,068 - __main__ - DEBUG - 2: rand num: 0.052255 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: rand num: 0.052255 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: population at 2: 111101011000001011101011000010 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 2: selected individuval from population at 2: 111101011000001011101011000010 +2015-04-21 14:39:50,069 - __main__ - DEBUG - 1: parents[0][0]: 0b111101011000001011101011000010 +2015-04-21 14:39:50,069 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,073 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,073 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,074 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,075 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,076 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,077 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,078 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,079 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,080 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,081 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,082 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Rand Num: 0.587510 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: Population at 27: 111100100111010000001000010011 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: selected individuval from population at 27: 111100100111010000001000010011 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 1: parents[0][0]: 0b111100100111010000001000010011 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,083 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,084 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,085 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,086 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,087 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,088 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,089 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 27: 111100100111010000001000010011 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,090 - __main__ - DEBUG - 2: population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.538382 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.123777 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: rand num: 0.123777 +2015-04-21 14:39:50,091 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,092 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,092 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001011101011001010 +2015-04-21 14:39:50,092 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,095 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,095 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,096 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,097 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,098 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,099 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,100 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,101 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,102 - __main__ - DEBUG - 1: Rand Num: 0.649371 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: Population at 27: 111100000111010000001000110001 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: selected individuval from population at 27: 111100000111010000001000110001 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: parents[0][0]: 0b111100000111010000001000110001 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: rand num: 0.004859 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 2: selected individuval from population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,103 - __main__ - DEBUG - 1: parents[0][0]: 0b101100010011110100010010110011 +2015-04-21 14:39:50,103 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,107 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,107 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,108 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,109 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,110 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,111 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,112 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,113 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Individual Fit: 0.994648 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Rand Num: 0.973331 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: Population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100001110001010100000 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,115 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,116 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,117 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,118 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,119 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,120 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,121 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,122 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: population at 28: 111111100100001110001010100000 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,123 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.842453 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,124 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,125 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,126 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,127 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,128 - __main__ - DEBUG - 2: rand num: 0.383705 +2015-04-21 14:39:50,129 - __main__ - DEBUG - 2: population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,129 - __main__ - DEBUG - 2: selected individuval from population at 17: 110100100001101100101011001110 +2015-04-21 14:39:50,129 - __main__ - DEBUG - 1: parents[0][0]: 0b110100100001101100101011001110 +2015-04-21 14:39:50,129 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,133 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,133 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,134 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,135 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,136 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,137 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,138 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,139 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Individual Fit: 0.994648 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Rand Num: 0.774496 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: Population at 28: 111111100100000110001010100000 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: selected individuval from population at 28: 111111100100000110001010100000 +2015-04-21 14:39:50,140 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100100000110001010100000 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,141 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,142 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,143 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,144 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,145 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,146 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,147 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,148 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,149 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,150 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 28: 111111100100000110001010100000 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: rand num: 0.856984 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: rand num: 0.133419 +2015-04-21 14:39:50,151 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: rand num: 0.133419 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001011101011001010 +2015-04-21 14:39:50,152 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001011101011001010 +2015-04-21 14:39:50,152 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,156 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Rand Num: 0.170384 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,156 - __main__ - DEBUG - 1: Rand Num: 0.170384 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: selected individuval from population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001011101011001010 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,157 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,158 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,159 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,160 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,161 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,162 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,163 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: rand num: 0.758308 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: population at 28: 111011100100000110001010100000 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 2: selected individuval from population at 28: 111011100100000110001010100000 +2015-04-21 14:39:50,164 - __main__ - DEBUG - 1: parents[0][0]: 0b111011100100000110001010100000 +2015-04-21 14:39:50,165 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,168 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,168 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,169 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,170 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,171 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,172 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,173 - __main__ - DEBUG - 1: Population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,174 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,175 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Individual Fit: 0.994648 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Rand Num: 0.839518 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: Population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: selected individuval from population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 1: parents[0][0]: 0b111001100100000110001010100000 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,176 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,177 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,178 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,179 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,180 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,181 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,182 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,183 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.861086 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,184 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,185 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,186 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,187 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,188 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,189 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,190 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,191 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,192 - __main__ - DEBUG - 2: rand num: 0.754071 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,193 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,194 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,195 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,196 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,197 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,198 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,199 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,200 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,201 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,202 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,203 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,204 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: rand num: 0.966367 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,205 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,206 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,207 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,208 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,209 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,210 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,211 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,212 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: rand num: 0.423170 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 2: selected individuval from population at 20: 101100111101111100111001010010 +2015-04-21 14:39:50,213 - __main__ - DEBUG - 1: parents[0][0]: 0b101100111101111100111001010010 +2015-04-21 14:39:50,213 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,217 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,217 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,218 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,219 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,221 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,223 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Rand Num: 0.611173 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: Population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100000111010000001000110001 +2015-04-21 14:39:50,224 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000111010000001000110001 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: rand num: 0.041238 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: rand num: 0.041238 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001011101011001010 +2015-04-21 14:39:50,225 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001011101011001010 +2015-04-21 14:39:50,225 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,229 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,229 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,230 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,231 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,232 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,233 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,234 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,235 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,236 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,237 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,238 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,239 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Population at 27: 001100000010010000001000110001 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.672056 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Individual Fit: 0.994648 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Rand Num: 0.677273 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: Population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: selected individuval from population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 1: parents[0][0]: 0b111001100100000110001010100000 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,240 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,241 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,242 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,243 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,244 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,245 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,246 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,247 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,248 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.923683 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,249 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,250 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,251 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,252 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,253 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,254 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,255 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,256 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 28: 111001100100000110001010100000 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.994648 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.984399 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 29: 101010001110101000111010011101 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,257 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,258 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,259 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,260 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,261 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,262 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,263 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,264 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: rand num: 0.447943 +2015-04-21 14:39:50,265 - __main__ - DEBUG - 2: population at 27: 001100000010010000001000110001 +2015-04-21 14:39:50,266 - __main__ - DEBUG - 2: selected individuval from population at 27: 001100000010010000001000110001 +2015-04-21 14:39:50,266 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000010010000001000110001 +2015-04-21 14:39:50,266 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,271 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,272 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,273 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,274 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,275 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,276 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,278 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: Rand Num: 0.392890 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: selected individuval from population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 1: parents[0][0]: 0b110100000001101100101011001110 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: rand num: 0.218293 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,279 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: rand num: 0.218293 +2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,280 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001111101011011010 +2015-04-21 14:39:50,280 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001111101011011010 +2015-04-21 14:39:50,280 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,284 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,284 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,284 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 2: 111000011010001111101111011010 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,285 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,286 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,287 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,288 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,289 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,290 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,291 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Rand Num: 0.659710 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: Population at 27: 001100000010000000001000110001 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100000010000000001000110001 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 1: parents[0][0]: 0b001100000010000000001000110001 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: rand num: 0.077694 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,292 - __main__ - DEBUG - 2: rand num: 0.077694 +2015-04-21 14:39:50,293 - __main__ - DEBUG - 2: population at 2: 111000011010001111101111011010 +2015-04-21 14:39:50,293 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011010001111101111011010 +2015-04-21 14:39:50,293 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011010001111101111011010 +2015-04-21 14:39:50,293 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,297 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 2: 111000011000001111101111111010 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,297 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,298 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344146 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344174 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344174 +2015-04-21 14:39:50,299 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.344263 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Individual Fit: 0.355976 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,300 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.355976 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.356176 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356176 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.362748 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.362748 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.410417 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.410417 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Individual Fit: 0.412631 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,301 - __main__ - DEBUG - 1: Population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.412631 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.420782 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.420782 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.430845 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430845 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Individual Fit: 0.435251 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,302 - __main__ - DEBUG - 1: Population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435251 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.435630 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.435630 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437095 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437095 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,303 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Individual Fit: 0.437737 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.437737 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Individual Fit: 0.672056 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Rand Num: 0.612823 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: Population at 27: 001100010010000001001000110001 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: selected individuval from population at 27: 001100010010000001001000110001 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 1: parents[0][0]: 0b001100010010000001001000110001 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,304 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 2: 111000011000001111101111111010 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,305 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,306 - __main__ - DEBUG - 2: population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,307 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,308 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,309 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,310 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,311 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: population at 27: 001100010010000001001000110001 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: prev_individual fit: 0.672056 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: individual fit: 0.994648 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: rand num: 0.833014 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: population at 28: 111000100100000110001010100001 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 2: selected individuval from population at 28: 111000100100000110001010100001 +2015-04-21 14:39:50,312 - __main__ - DEBUG - 1: parents[0][0]: 0b111000100100000110001010100001 +2015-04-21 14:39:50,312 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,318 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.008646 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Individual Fit: 0.235926 +2015-04-21 14:39:50,318 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 2: 111000011000001111101111111010 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235926 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Individual Fit: 0.243847 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243847 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Individual Fit: 0.243851 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,319 - __main__ - DEBUG - 1: Population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243851 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.243982 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.243982 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,320 - __main__ - DEBUG - 1: Individual Fit: 0.246981 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.246981 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Individual Fit: 0.344146 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Rand Num: 0.327640 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: Population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: selected individuval from population at 8: 111000011001101110110100100011 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011001101110110100100011 +2015-04-21 14:39:50,321 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: rand num: 0.055945 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: rand num: 0.055945 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: population at 2: 111000011000001111101111111010 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 2: selected individuval from population at 2: 111000011000001111101111111010 +2015-04-21 14:39:50,322 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011000001111101111111010 +2015-04-21 14:39:50,323 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,329 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000021 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Individual Fit: 0.008646 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Rand Num: 0.000424 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: Population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: selected individuval from population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 1: parents[0][0]: 0b101100010011110100010010110011 +2015-04-21 14:39:50,329 - __main__ - DEBUG - 2: prev_individual fit: 0.000021 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.008646 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: population at 1: 101100010011110100010010110011 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: prev_individual fit: 0.008646 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.235926 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: population at 2: 111000011000011111101111111010 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: prev_individual fit: 0.235926 +2015-04-21 14:39:50,330 - __main__ - DEBUG - 2: individual fit: 0.243847 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 3: 101011111011010010000001010000 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: prev_individual fit: 0.243847 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: individual fit: 0.243851 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 4: 010100010100100010111011011011 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: prev_individual fit: 0.243851 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: individual fit: 0.243982 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,331 - __main__ - DEBUG - 2: population at 5: 011101001011010101011000011001 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.243982 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: population at 6: 100111110101010101101001010001 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: individual fit: 0.246981 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: population at 7: 000000000011010101110011010111 +2015-04-21 14:39:50,332 - __main__ - DEBUG - 2: prev_individual fit: 0.246981 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344146 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: population at 8: 110000011001101110110000100011 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: prev_individual fit: 0.344146 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: population at 9: 011001000000000001001101110111 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,333 - __main__ - DEBUG - 2: individual fit: 0.344174 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: population at 10: 000000010111111010111010100110 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: prev_individual fit: 0.344174 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: population at 11: 011100000010001010011001011000 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,334 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 12: 000110111010100001110111100010 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: individual fit: 0.344263 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 13: 000001010000011100011100111111 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.344263 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: individual fit: 0.355976 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: population at 14: 101101101001101100110101111011 +2015-04-21 14:39:50,335 - __main__ - DEBUG - 2: prev_individual fit: 0.355976 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.356176 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: population at 15: 011110011011111110000111001001 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: prev_individual fit: 0.356176 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.362748 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: population at 16: 101011000100110001111010100100 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: prev_individual fit: 0.362748 +2015-04-21 14:39:50,336 - __main__ - DEBUG - 2: individual fit: 0.410417 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: population at 17: 110100000001101100101011001110 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: prev_individual fit: 0.410417 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: individual fit: 0.412631 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: population at 18: 100110101010000010111000011000 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: prev_individual fit: 0.412631 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: individual fit: 0.420782 +2015-04-21 14:39:50,337 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 19: 101100000001011101111001001011 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: prev_individual fit: 0.420782 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: individual fit: 0.430845 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 20: 101100111101101100111001010010 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: prev_individual fit: 0.430845 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: individual fit: 0.435251 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,338 - __main__ - DEBUG - 2: population at 21: 101001011000001010100011000101 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.435251 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: individual fit: 0.435630 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: population at 22: 100000011010100110101000100011 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.435630 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: population at 23: 100101000110011101110110010000 +2015-04-21 14:39:50,339 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437095 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: population at 24: 000011010001011010111001100111 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: prev_individual fit: 0.437095 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: population at 25: 100010001010001011101001100100 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,340 - __main__ - DEBUG - 2: individual fit: 0.437737 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: population at 26: 000101101010010110010011101110 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: prev_individual fit: 0.437737 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: individual fit: 0.672056 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: rand num: 0.565906 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: population at 27: 001100010010000001001000110001 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 2: selected individuval from population at 27: 001100010010000001001000110001 +2015-04-21 14:39:50,341 - __main__ - DEBUG - 1: parents[0][0]: 0b001100010010000001001000110001 +2015-04-21 14:39:50,342 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:39:50,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:39:50,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:39:50,346 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:39:50,346 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 14:39:50,346 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 14:39:50,346 - __main__ - INFO - Average Fitness Value of Generation: 122302105170094691247221374976.000000 +2015-04-21 14:39:50,346 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:39:50,346 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:39:50,347 - __main__ - INFO - Generation 1 running... +2015-04-21 14:39:50,347 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:39:50,347 - __main__ - DEBUG - Getting fitness of generation 1 +2015-04-21 14:39:50,347 - __main__ - DEBUG - Sum of bitstring at 0 of population: 1073627136 +2015-04-21 14:39:50,347 - __main__ - DEBUG - Fitness Value at index 0 in population: 1255325460068093841637107564544.000000 +2015-04-21 14:39:50,347 - __main__ - DEBUG - Sum of bitstring at 1 of population: 754974720 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 1 in population: 37439062426244873140488372224.000000 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1033856000 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 2 in population: 859730442259143119716453711872.000000 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 3 of population: 1029701632 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 3 in population: 833901735858458584585672327168.000000 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1059536896 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Fitness Value at index 4 in population: 1104622125411204460710708903936.000000 +2015-04-21 14:39:50,348 - __main__ - DEBUG - Sum of bitstring at 5 of population: 805306368 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 5 in population: 71385860722424238137224986624.000000 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 6 of population: 1038149632 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 6 in population: 904382075008804525581835173888.000000 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 7 of population: 738197504 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 7 in population: 29903814596611567588344856576.000000 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 8 of population: 1066661888 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 8 in population: 1183612462332409249644578603008.000000 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Sum of bitstring at 9 of population: 881065984 +2015-04-21 14:39:50,349 - __main__ - DEBUG - Fitness Value at index 9 in population: 174901228765980934990335049728.000000 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 10 of population: 1066921984 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 10 in population: 1183612462332409249644578603008.000000 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 11 of population: 945815552 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 11 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 12 of population: 947663872 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 12 in population: 360476952748077286602515152896.000000 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 13 of population: 998244352 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Fitness Value at index 13 in population: 611462015990466861915791425536.000000 +2015-04-21 14:39:50,350 - __main__ - DEBUG - Sum of bitstring at 14 of population: 965763072 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 14 in population: 439133229774881802747480375296.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 15 of population: 754437120 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 15 in population: 36922313359187619275130011648.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 16 of population: 203227136 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 16 in population: 71708904873278933303296.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 17 of population: 946386944 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 17 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 18 of population: 1019752448 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 18 in population: 752770600341972009272249155584.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 19 of population: 0 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Fitness Value at index 19 in population: 0.000000 +2015-04-21 14:39:50,351 - __main__ - DEBUG - Sum of bitstring at 20 of population: 872859648 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 20 in population: 158940019845379829790486298624.000000 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 21 of population: 946403328 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 21 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 22 of population: 213942272 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 22 in population: 124825028607463137476608.000000 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 24 of population: 206051328 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 24 in population: 83668255425284800512000.000000 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Sum of bitstring at 25 of population: 948961280 +2015-04-21 14:39:50,352 - __main__ - DEBUG - Fitness Value at index 25 in population: 368540984833551818564283924480.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1057807360 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 26 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 27 of population: 939524096 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 27 in population: 333487912029464316570108952576.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 28 of population: 743393280 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 28 in population: 31647002175104167400204926976.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of bitstring at 29 of population: 206049280 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Fitness Value at index 29 in population: 83668255425284800512000.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Total fitness from step 1: 13218142730052326063141264818176.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.094970 +2015-04-21 14:39:50,353 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.094970 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.002832 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.097802 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.065042 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.162844 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.063088 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.225932 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.083569 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.309500 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.005401 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.314901 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.068420 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.383321 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.002262 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.385583 +2015-04-21 14:39:50,354 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.089545 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.475127 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.013232 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.488359 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.089545 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.577904 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.026971 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.604875 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.027271 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.632146 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.046259 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.678405 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.033222 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.711627 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.002793 +2015-04-21 14:39:50,355 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.714421 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.000000 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.714421 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.026971 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.741392 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.056950 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.798341 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.000000 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.798341 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.012024 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.810366 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.026971 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.837337 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000000 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.837337 +2015-04-21 14:39:50,356 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.025230 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.862566 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.000000 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.862566 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.027881 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.890448 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.081928 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.972376 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.025230 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.997606 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.002394 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 1.000000 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.000000 +2015-04-21 14:39:50,357 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 +2015-04-21 14:39:50,357 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,358 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,359 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,360 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,361 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,362 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Rand Num: 0.808076 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: Population at 20: 110100000001101100100000000000 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: selected individuval from population at 20: 110100000001101100100000000000 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 1: parents[1][0]: 0b110100000001101100100000000000 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,363 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,364 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: rand num: 0.355001 +2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,365 - __main__ - DEBUG - 2: selected individuval from population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,365 - __main__ - DEBUG - 1: parents[1][0]: 0b111101111000001110100000000000 +2015-04-21 14:39:50,365 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,368 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,369 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,370 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,371 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,372 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,373 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Rand Num: 0.827714 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: Population at 21: 111000011010001111100000000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: selected individuval from population at 21: 111000011010001111100000000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011010001111100000000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: individual fit: 0.094970 +2015-04-21 14:39:50,374 - __main__ - DEBUG - 2: rand num: 0.055334 +2015-04-21 14:39:50,375 - __main__ - DEBUG - 2: population at 0: 111111111111100100000000000000 +2015-04-21 14:39:50,375 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,378 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,378 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,379 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,380 - __main__ - DEBUG - 1: Rand Num: 0.425330 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: selected individuval from population at 8: 111111100100111111100000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100100111111100000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,381 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,382 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000000000 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,383 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.604875 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.632146 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.678405 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 +2015-04-21 14:39:50,384 - __main__ - DEBUG - 2: individual fit: 0.711627 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: individual fit: 0.741392 +2015-04-21 14:39:50,385 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.810366 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,386 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,387 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: individual fit: 0.890448 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: prev_individual fit: 0.890448 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: individual fit: 0.972376 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: rand num: 0.968756 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: population at 26: 111111000011001101110000000000 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 2: selected individuval from population at 26: 111111000011001101110000000000 +2015-04-21 14:39:50,388 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000011001101110000000000 +2015-04-21 14:39:50,388 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,392 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,392 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,393 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000010000 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,394 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,395 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,396 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,397 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,398 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.890448 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Individual Fit: 0.972376 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Rand Num: 0.931377 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,399 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001101110000000000 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,400 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,401 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000010000 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,402 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.604875 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.632146 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.678405 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 +2015-04-21 14:39:50,403 - __main__ - DEBUG - 2: individual fit: 0.711627 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.741392 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 +2015-04-21 14:39:50,404 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: rand num: 0.758516 +2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,405 - __main__ - DEBUG - 2: selected individuval from population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,405 - __main__ - DEBUG - 1: parents[1][0]: 0b111100110010000011000000000000 +2015-04-21 14:39:50,405 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,408 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,409 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Rand Num: 0.375154 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: Population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: selected individuval from population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 1: parents[1][0]: 0b111101111000001110100000000000 +2015-04-21 14:39:50,410 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,411 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 6: 111101111000001110100000000000 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,412 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: population at 8: 111111100100111111100000010000 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: rand num: 0.480411 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 2: selected individuval from population at 9: 110100100001000000000000000000 +2015-04-21 14:39:50,413 - __main__ - DEBUG - 1: parents[1][0]: 0b110100100001000000000000000000 +2015-04-21 14:39:50,413 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,417 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,417 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,418 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Rand Num: 0.469028 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: Population at 8: 111111100100111111100000010000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: selected individuval from population at 8: 111111100100111111100000010000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100100111111100000010000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: individual fit: 0.094970 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: rand num: 0.025190 +2015-04-21 14:39:50,419 - __main__ - DEBUG - 2: population at 0: 101111111111100110000000100000 +2015-04-21 14:39:50,419 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,424 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,424 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,425 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,426 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,427 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010000 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,428 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,429 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,430 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,431 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,432 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,433 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,434 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Individual Fit: 0.890448 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,435 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 0.972376 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.972376 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 0.997606 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Population at 27: 111000000000000000000000000000 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.997606 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Individual Fit: 1.000000 +2015-04-21 14:39:50,436 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Population at 28: 101100010011110100100000000000 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Prev_Individual Fit: 1.000000 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Individual Fit: 1.000000 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Rand Num: 0.040321 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 1: Population at 29: 001100010010000001000000000000 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,437 - __main__ - DEBUG - 2: rand num: 0.248091 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: rand num: 0.248091 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: rand num: 0.248091 +2015-04-21 14:39:50,438 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: rand num: 0.248091 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,439 - __main__ - DEBUG - 1: parents[1][0]: 0b111111001001110100000000000000 +2015-04-21 14:39:50,439 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,444 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,444 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,445 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,446 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,447 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,448 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,449 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,450 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,451 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,452 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,453 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,454 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,455 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,456 - __main__ - DEBUG - 1: Individual Fit: 0.890448 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Individual Fit: 0.972376 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.972376 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Individual Fit: 0.997606 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Rand Num: 0.982517 +2015-04-21 14:39:50,457 - __main__ - DEBUG - 1: Population at 27: 111000000000000000000000000000 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 1: selected individuval from population at 27: 111000000000000000000000000000 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 1: parents[1][0]: 0b111000000000000000000000000000 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,458 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,459 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,460 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,461 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: individual fit: 0.604875 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,462 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.632146 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.678405 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 +2015-04-21 14:39:50,463 - __main__ - DEBUG - 2: individual fit: 0.711627 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,464 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: individual fit: 0.741392 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,465 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.810366 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,466 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,467 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.890448 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: prev_individual fit: 0.890448 +2015-04-21 14:39:50,468 - __main__ - DEBUG - 2: individual fit: 0.972376 +2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: rand num: 0.958214 +2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,469 - __main__ - DEBUG - 2: selected individuval from population at 26: 111111000111001101110000000000 +2015-04-21 14:39:50,469 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001101110000000000 +2015-04-21 14:39:50,469 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,473 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,474 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,475 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,476 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,477 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,478 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,479 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,480 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,481 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,482 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,483 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Individual Fit: 0.890448 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Individual Fit: 0.972376 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Rand Num: 0.948016 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: Population at 26: 111111000111001111110000000000 +2015-04-21 14:39:50,484 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111000111001111110000000000 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000111001111110000000000 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,485 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,486 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,487 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,488 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 +2015-04-21 14:39:50,489 - __main__ - DEBUG - 2: individual fit: 0.604875 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: individual fit: 0.632146 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 +2015-04-21 14:39:50,490 - __main__ - DEBUG - 2: individual fit: 0.678405 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: individual fit: 0.711627 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,491 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: individual fit: 0.741392 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,492 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.798341 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.810366 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: prev_individual fit: 0.810366 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,493 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.837337 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.837337 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.862566 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: prev_individual fit: 0.862566 +2015-04-21 14:39:50,494 - __main__ - DEBUG - 2: individual fit: 0.890448 +2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: rand num: 0.871390 +2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,495 - __main__ - DEBUG - 2: selected individuval from population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,495 - __main__ - DEBUG - 1: parents[1][0]: 0b111000100100000000000000000000 +2015-04-21 14:39:50,495 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,499 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,499 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,500 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Rand Num: 0.406132 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: Population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: selected individuval from population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 1: parents[1][0]: 0b111011100000111111100000010110 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,501 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,502 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 8: 111011100000111111100000010110 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,503 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.577904 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.604875 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.604875 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.632146 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: prev_individual fit: 0.632146 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: individual fit: 0.678405 +2015-04-21 14:39:50,504 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.678405 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.711627 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.711627 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: individual fit: 0.714421 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,505 - __main__ - DEBUG - 2: population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: prev_individual fit: 0.714421 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: individual fit: 0.741392 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: prev_individual fit: 0.741392 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: individual fit: 0.798341 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: rand num: 0.745040 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 2: selected individuval from population at 18: 111100110010000011000000000000 +2015-04-21 14:39:50,506 - __main__ - DEBUG - 1: parents[1][0]: 0b111100110010000011000000000000 +2015-04-21 14:39:50,506 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,510 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,510 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,511 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 8: 111011100100111111100000010110 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,512 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,513 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,514 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 18: 111100100010000011000000000000 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,515 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,516 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 24: 001100010010000001100000000000 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.862566 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Individual Fit: 0.890448 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 25: 111000100100000000000000000000 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.890448 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Individual Fit: 0.972376 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Rand Num: 0.946776 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: Population at 26: 111111100111001111110000000000 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: selected individuval from population at 26: 111111100111001111110000000000 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100111001111110000000000 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,517 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,518 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: rand num: 0.382588 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 2: selected individuval from population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,519 - __main__ - DEBUG - 1: parents[1][0]: 0b011101111000001110100000000000 +2015-04-21 14:39:50,519 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,525 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,525 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,525 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,526 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.383321 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.385583 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.385583 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Individual Fit: 0.475127 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Population at 8: 111011100100111111100000010110 +2015-04-21 14:39:50,527 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.475127 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.488359 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.488359 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.577904 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.577904 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.604875 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Population at 11: 111000011000000000000000000000 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.604875 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Individual Fit: 0.632146 +2015-04-21 14:39:50,528 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 12: 111000011111000011010000000000 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.632146 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.678405 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 13: 111011100000000000000000000000 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.678405 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.711627 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 14: 111001100100000110000000000000 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.711627 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Population at 15: 101100111101111100110000000000 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Individual Fit: 0.714421 +2015-04-21 14:39:50,529 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 16: 001100000111010000000000000000 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.714421 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.741392 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 17: 111000011010001011100000000000 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.741392 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Population at 18: 111100100010000011000000000000 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,530 - __main__ - DEBUG - 1: Individual Fit: 0.798341 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 19: 000000000000000000000000000000 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.798341 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.810366 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 20: 110100000011101101100010000000 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.810366 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 21: 111000010110001111100000000000 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Individual Fit: 0.837337 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Population at 22: 001100110000001000000000000000 +2015-04-21 14:39:50,531 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.837337 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Individual Fit: 0.862566 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Rand Num: 0.858467 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: selected individuval from population at 23: 111000000000000000000000000000 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 1: parents[1][0]: 0b111000000000000000000000000000 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,532 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,533 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: rand num: 0.487799 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 2: selected individuval from population at 9: 111100100001000010000000000000 +2015-04-21 14:39:50,534 - __main__ - DEBUG - 1: parents[1][0]: 0b111100100001000010000000000000 +2015-04-21 14:39:50,534 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,538 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Rand Num: 0.162257 +2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,538 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Rand Num: 0.162257 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: Population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: selected individuval from population at 2: 111101100111110110010000000000 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 1: parents[1][0]: 0b111101100111110110010000000000 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: individual fit: 0.094970 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: rand num: 0.050023 +2015-04-21 14:39:50,539 - __main__ - DEBUG - 2: population at 0: 111111111111100110010000100000 +2015-04-21 14:39:50,539 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,543 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,543 - __main__ - DEBUG - 1: Population at 2: 111001100111110110010000000000 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.309500 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.314901 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.314901 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Individual Fit: 0.383321 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Rand Num: 0.352481 +2015-04-21 14:39:50,544 - __main__ - DEBUG - 1: Population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 1: selected individuval from population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 1: parents[1][0]: 0b011101111000001110100000000000 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 2: 111001100111110110010000000000 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,545 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000000000 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,546 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 9: 111100100001100000010000000000 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: rand num: 0.505555 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 2: selected individuval from population at 10: 111111100101111111000000000000 +2015-04-21 14:39:50,547 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100101111111000000000000 +2015-04-21 14:39:50,547 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,551 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.094970 +2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Individual Fit: 0.097802 +2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Rand Num: 0.245455 +2015-04-21 14:39:50,551 - __main__ - DEBUG - 1: Population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.097802 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.162844 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 2: 111001100111110110010000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.162844 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.225932 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.225932 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Individual Fit: 0.309500 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Rand Num: 0.245455 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: Population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: selected individuval from population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 1: parents[1][0]: 0b111111001001110100000000000000 +2015-04-21 14:39:50,552 - __main__ - DEBUG - 2: prev_individual fit: 0.094970 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.097802 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 1: 101101000000000000000000000000 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.097802 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.162844 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 2: 111001100111110110010000000000 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.162844 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.225932 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: population at 3: 111101011000000000000000000000 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: prev_individual fit: 0.225932 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: individual fit: 0.309500 +2015-04-21 14:39:50,553 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 4: 111111001001110100000000000000 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.309500 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.314901 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 5: 110000000000000000000000000000 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.314901 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.383321 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 6: 011101111000001110100000100000 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.383321 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.385583 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: population at 7: 101100000000000000000000000000 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: prev_individual fit: 0.385583 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: individual fit: 0.475127 +2015-04-21 14:39:50,554 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 8: 111011100100111111100000010110 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: prev_individual fit: 0.475127 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: individual fit: 0.488359 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 9: 111100100001100000010000000000 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: prev_individual fit: 0.488359 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: individual fit: 0.577904 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: rand num: 0.564753 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: population at 10: 110111100101111111000000000000 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 2: selected individuval from population at 10: 110111100101111111000000000000 +2015-04-21 14:39:50,555 - __main__ - DEBUG - 1: parents[1][0]: 0b110111100101111111000000000000 +2015-04-21 14:39:50,555 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:39:50,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:39:50,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:39:50,559 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:39:50,559 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 14:39:50,559 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 14:39:50,559 - __main__ - INFO - Average Fitness Value of Generation: 440604757668410882845124329472.000000 +2015-04-21 14:39:50,559 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:39:50,559 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:39:50,560 - __main__ - INFO - Generation 2 running... +2015-04-21 14:39:50,560 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:39:50,560 - __main__ - DEBUG - Getting fitness of generation 2 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 0 of population: 1073636384 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 0 in population: 1255325460068093841637107564544.000000 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 1 of population: 754974720 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 1 in population: 37439062426244873140488372224.000000 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 2 of population: 966747136 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 2 in population: 439133229774881802747480375296.000000 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 3 of population: 1029701632 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Fitness Value at index 3 in population: 833901735858458584585672327168.000000 +2015-04-21 14:39:50,560 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1060061248 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 4 in population: 1104622125411204460710708903936.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 5 of population: 805306368 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 5 in population: 71385860722424238137224986624.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 6 of population: 501278752 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 6 in population: 622700143955215413600583680.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 7 of population: 738197504 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 7 in population: 29903814596611567588344856576.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 8 of population: 999553046 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 8 in population: 617915381969049832467428540416.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 9 of population: 1015415808 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 9 in population: 722359806654877805056719060992.000000 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Sum of bitstring at 10 of population: 934670336 +2015-04-21 14:39:50,561 - __main__ - DEBUG - Fitness Value at index 10 in population: 315338531168471131924975321088.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 11 of population: 945815552 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 11 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 12 of population: 947663872 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 12 in population: 360476952748077286602515152896.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 13 of population: 998244352 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 13 in population: 611462015990466861915791425536.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 14 of population: 965763072 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 14 in population: 439133229774881802747480375296.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 15 of population: 754437120 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 15 in population: 36922313359187619275130011648.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 16 of population: 203227136 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 16 in population: 71708904873278933303296.000000 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Sum of bitstring at 17 of population: 946386944 +2015-04-21 14:39:50,562 - __main__ - DEBUG - Fitness Value at index 17 in population: 356504794933236266369397293056.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 18 of population: 1015558144 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 18 in population: 722359806654877805056719060992.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 19 of population: 0 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 19 in population: 0.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 20 of population: 873388160 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 20 in population: 158940019845379829790486298624.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 21 of population: 945354752 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 21 in population: 352572073521829551016505245696.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 22 of population: 213942272 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 22 in population: 124825028607463137476608.000000 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524352 +2015-04-21 14:39:50,563 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 24 of population: 206051328 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 24 in population: 83668255425284800512000.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 25 of population: 948961280 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 25 in population: 368540984833551818564283924480.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1067252736 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 26 in population: 1183612462332409249644578603008.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 27 of population: 939524096 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 27 in population: 333487912029464316570108952576.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 28 of population: 743393280 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 28 in population: 31647002175104167400204926976.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 29 of population: 206049280 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Fitness Value at index 29 in population: 83668255425284800512000.000000 +2015-04-21 14:39:50,564 - __main__ - DEBUG - Sum of bitstring at 30 of population: 872841216 +2015-04-21 14:41:47,833 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:41:47,833 - __main__ - INFO - Program Arguments: +2015-04-21 14:41:47,834 - __main__ - INFO - plot=True +2015-04-21 14:41:47,834 - __main__ - INFO - autoscale=True +2015-04-21 14:41:47,834 - __main__ - INFO - G=10 +2015-04-21 14:41:47,834 - __main__ - INFO - l=20 +2015-04-21 14:41:47,834 - __main__ - INFO - experiment_number=1 +2015-04-21 14:41:47,834 - __main__ - INFO - N=30 +2015-04-21 14:41:47,834 - __main__ - INFO - pc=0.6 +2015-04-21 14:41:47,834 - __main__ - INFO - ce=False +2015-04-21 14:41:47,834 - __main__ - INFO - ff= +2015-04-21 14:41:47,834 - __main__ - INFO - learn=False +2015-04-21 14:41:47,834 - __main__ - INFO - NG=20 +2015-04-21 14:41:47,835 - __main__ - INFO - nruns=10 +2015-04-21 14:41:47,835 - __main__ - INFO - pm=0.033 +2015-04-21 14:41:47,835 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:41:47,835 - __main__ - INFO - Starting run 0... +2015-04-21 14:41:47,835 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:41:47,837 - __main__ - INFO - Initialization Complete. +2015-04-21 14:41:47,837 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:41:47,839 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:41:47,839 - __main__ - INFO - Generation 0 running... +2015-04-21 14:41:47,840 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:41:47,840 - __main__ - DEBUG - Getting fitness of generation 0 +2015-04-21 14:41:47,840 - __main__ - DEBUG - Sum of bitstring at 0 of population: 97497794 +2015-04-21 14:41:47,840 - __main__ - DEBUG - Fitness Value at index 0 in population: 43438845422363213824.000000 +2015-04-21 14:41:47,840 - __main__ - DEBUG - Sum of bitstring at 1 of population: 936036505 +2015-04-21 14:41:47,840 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 2 of population: 213766837 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 2 in population: 118839380482575376056320.000000 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 3 of population: 297448372 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 3 in population: 3295067800663118642675712.000000 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 4 of population: 490782554 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 4 in population: 504032488508074325004255232.000000 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 5 of population: 549689379 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Fitness Value at index 5 in population: 1560676423939251045387993088.000000 +2015-04-21 14:41:47,841 - __main__ - DEBUG - Sum of bitstring at 6 of population: 178490879 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 6 in population: 20159939004489999056896.000000 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 7 of population: 637737484 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 7 in population: 6902966928504101241119309824.000000 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 8 of population: 397969884 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 8 in population: 61149385863482169559613440.000000 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 9 of population: 308762218 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 9 in population: 4824733217390275413934080.000000 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 10 of population: 413161926 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Fitness Value at index 10 in population: 90149270822232319915458560.000000 +2015-04-21 14:41:47,842 - __main__ - DEBUG - Sum of bitstring at 11 of population: 71990706 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 11 in population: 2113922820157210624.000000 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 12 of population: 524816467 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 12 in population: 976562500000000019418578944.000000 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 13 of population: 216278379 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 13 in population: 137617037244838078054400.000000 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 14 of population: 474410879 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Fitness Value at index 14 in population: 355946189545508497055023104.000000 +2015-04-21 14:41:47,843 - __main__ - DEBUG - Sum of bitstring at 15 of population: 1057655472 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 15 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 16 of population: 989863458 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 16 in population: 561978813405172455214948548608.000000 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 17 of population: 109245840 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 17 in population: 148024428491834392576.000000 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 18 of population: 581170478 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 18 in population: 2723313552282337107035291648.000000 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 19 of population: 468308024 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Fitness Value at index 19 in population: 311421496354978248051916800.000000 +2015-04-21 14:41:47,844 - __main__ - DEBUG - Sum of bitstring at 20 of population: 374981268 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 20 in population: 33626538312268513867202560.000000 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 21 of population: 513917210 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 21 in population: 797922662976120013824458752.000000 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 22 of population: 400027044 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 22 in population: 64453982490130813183590400.000000 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 23 of population: 302290389 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 23 in population: 3925770232266214525108224.000000 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Sum of bitstring at 24 of population: 748968364 +2015-04-21 14:41:47,845 - __main__ - DEBUG - Fitness Value at index 24 in population: 34433575231762958200015421440.000000 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 25 of population: 451654944 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 25 in population: 216114823132842496152829952.000000 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 26 of population: 997505025 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 26 in population: 605069371210072971160980553728.000000 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 27 of population: 324404121 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 27 in population: 7935691828389105677369344.000000 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 28 of population: 234745314 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Fitness Value at index 28 in population: 304122555034158445363200.000000 +2015-04-21 14:41:47,846 - __main__ - DEBUG - Sum of bitstring at 29 of population: 806143802 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Fitness Value at index 29 in population: 71385860722424238137224986624.000000 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Total fitness from step 1: 2689324439748067782974005837824.000000 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.000000 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.000000 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.118578 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.118578 +2015-04-21 14:41:47,847 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.000000 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.118578 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.000001 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.118580 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.000187 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.118767 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.000580 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.119347 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.000000 +2015-04-21 14:41:47,848 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.119347 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.002567 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.121914 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.000023 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.121937 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000002 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.121939 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.000034 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.121972 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.000000 +2015-04-21 14:41:47,849 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.121972 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.000363 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.122335 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.000000 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.122335 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.000132 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.122468 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.402682 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.525150 +2015-04-21 14:41:47,850 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.208967 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.734116 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.000000 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.734116 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.001013 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.735129 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.000116 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.735245 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.000013 +2015-04-21 14:41:47,851 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.735257 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.000297 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.735554 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000024 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.735578 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.000001 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.735579 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.012804 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.748383 +2015-04-21 14:41:47,852 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.000080 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.748463 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.224989 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.973453 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.000003 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.973456 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.000000 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.973456 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.026544 +2015-04-21 14:41:47,853 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 +2015-04-21 14:41:47,854 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Population at 1: 110111110010101100100010011001 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,854 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,855 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,856 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,857 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,858 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,859 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 15: 111111000010101000101010110000 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,860 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:47,861 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,862 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:47,863 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Rand Num: 0.858497 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: Population at 26: 111011011101001011100000000001 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: selected individuval from population at 26: 111011011101001011100000000001 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 1: parents[0][0]: 0b111011011101001011100000000001 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,864 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 1: 110111110010101100100010011001 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,865 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,866 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,867 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,868 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,869 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,870 - __main__ - DEBUG - 2: population at 15: 111111000010101000101010110000 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,871 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,872 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,873 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,874 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000000001 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,875 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,876 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: rand num: 0.828455 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: rand num: 0.049939 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: population at 1: 110111110010101100100010011001 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010101100100010011001 +2015-04-21 14:41:47,877 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010101100100010011001 +2015-04-21 14:41:47,878 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,883 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,884 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,885 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,886 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,887 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Rand Num: 0.281122 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: Population at 15: 111111000010101000101010110000 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111000010101000101010110000 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101000101010110000 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: rand num: 0.104876 +2015-04-21 14:41:47,888 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,889 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,889 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010100100100010111001 +2015-04-21 14:41:47,889 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,892 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,892 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,893 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,894 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,895 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Rand Num: 0.371562 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: Population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101001101000110000 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,896 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,897 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,898 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,899 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,900 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,901 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,902 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,903 - __main__ - DEBUG - 2: rand num: 0.267879 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,904 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,905 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,906 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,907 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,908 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,909 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,910 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.204487 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,911 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,912 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,913 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,914 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,915 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,916 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,917 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: population at 26: 111011011101001011100000010001 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,918 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.248884 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,919 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,920 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,921 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,922 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: rand num: 0.627064 +2015-04-21 14:41:47,923 - __main__ - DEBUG - 2: population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,924 - __main__ - DEBUG - 2: selected individuval from population at 16: 111011000000000001111000100010 +2015-04-21 14:41:47,924 - __main__ - DEBUG - 1: parents[0][0]: 0b111011000000000001111000100010 +2015-04-21 14:41:47,924 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,927 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,927 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,928 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,929 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,930 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,931 - __main__ - DEBUG - 1: Population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 16: 111001000000000001111000100010 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:47,932 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:47,933 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Rand Num: 0.787596 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: Population at 26: 111011011101001011100000010001 +2015-04-21 14:41:47,934 - __main__ - DEBUG - 1: selected individuval from population at 26: 111011011101001011100000010001 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 1: parents[0][0]: 0b111011011101001011100000010001 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,935 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,936 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,937 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,938 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: rand num: 0.198700 +2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,939 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111000010101001101000110000 +2015-04-21 14:41:47,939 - __main__ - DEBUG - 1: parents[0][0]: 0b111111000010101001101000110000 +2015-04-21 14:41:47,939 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,943 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,943 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,944 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,945 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,946 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Rand Num: 0.703361 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: Population at 16: 111001000000000001111000100010 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: selected individuval from population at 16: 111001000000000001111000100010 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 1: parents[0][0]: 0b111001000000000001111000100010 +2015-04-21 14:41:47,947 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: rand num: 0.027620 +2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,948 - __main__ - DEBUG - 2: selected individuval from population at 1: 110111110010100100100010111001 +2015-04-21 14:41:47,948 - __main__ - DEBUG - 1: parents[0][0]: 0b110111110010100100100010111001 +2015-04-21 14:41:47,948 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,952 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,952 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,953 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,954 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,955 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,956 - __main__ - DEBUG - 1: Rand Num: 0.159058 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111001101000110000 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,957 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,958 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,959 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,960 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,961 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,962 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,963 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: rand num: 0.710455 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: population at 16: 111001000000000001111000000010 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 2: selected individuval from population at 16: 111001000000000001111000000010 +2015-04-21 14:41:47,964 - __main__ - DEBUG - 1: parents[0][0]: 0b111001000000000001111000000010 +2015-04-21 14:41:47,964 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,968 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,968 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,969 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,970 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:47,971 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Rand Num: 0.270480 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: Population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111001101000110000 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,972 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,973 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,974 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,975 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,976 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,977 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,978 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,979 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.255457 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,980 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,981 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,982 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,983 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,984 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,985 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,986 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.345966 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,987 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,988 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:47,989 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,990 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: population at 15: 111111100010111001101000110000 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,991 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:47,992 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:47,993 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: rand num: 0.748592 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: population at 26: 111010011101001011110000010001 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 2: selected individuval from population at 26: 111010011101001011110000010001 +2015-04-21 14:41:47,994 - __main__ - DEBUG - 1: parents[0][0]: 0b111010011101001011110000010001 +2015-04-21 14:41:47,994 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:47,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:47,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:47,998 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:47,998 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:47,999 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,000 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,001 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,002 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Rand Num: 0.336232 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: Population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111000101010110000 +2015-04-21 14:41:48,003 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,004 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,005 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,006 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,007 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,008 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,009 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,010 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,011 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:48,012 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:48,013 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,014 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: rand num: 0.853949 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 2: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,015 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,015 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,021 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,021 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,022 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,023 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,024 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,025 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,026 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,027 - __main__ - DEBUG - 1: Population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,028 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:48,029 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:48,030 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,031 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Rand Num: 0.769608 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,032 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,033 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,034 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,035 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,036 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: rand num: 0.391979 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111100010111000101010110000 +2015-04-21 14:41:48,037 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010111000101010110000 +2015-04-21 14:41:48,037 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,041 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,041 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,042 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,043 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,044 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 15: 111111100010110000111110110000 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:48,045 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:48,046 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Rand Num: 0.835175 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,047 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,048 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,049 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,050 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,051 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,052 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: population at 15: 111111100010110000111110110000 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:48,053 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,054 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:48,055 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:48,056 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,057 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: rand num: 0.771711 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:48,058 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,059 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,060 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,061 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,062 - __main__ - DEBUG - 2: rand num: 0.408963 +2015-04-21 14:41:48,063 - __main__ - DEBUG - 2: population at 15: 111111100010110000111110110000 +2015-04-21 14:41:48,063 - __main__ - DEBUG - 2: selected individuval from population at 15: 111111100010110000111110110000 +2015-04-21 14:41:48,063 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000111110110000 +2015-04-21 14:41:48,063 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,066 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,066 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,067 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,068 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,069 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,070 - __main__ - DEBUG - 1: Rand Num: 0.228913 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: Population at 15: 111111100010110000101110110001 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010110000101110110001 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000101110110001 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: rand num: 0.080256 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 2: selected individuval from population at 1: 010111110010100100100010111001 +2015-04-21 14:41:48,071 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100010111001 +2015-04-21 14:41:48,071 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,074 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Rand Num: 0.011697 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100010111011 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: selected individuval from population at 1: 010111110010100100100010111011 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100010111011 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: population at 1: 010111110010100100100010111011 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,075 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,076 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,077 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,078 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 15: 111111100010110000100110110001 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,079 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,080 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:48,081 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,082 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: rand num: 0.827430 +2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,083 - __main__ - DEBUG - 2: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,083 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,083 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,089 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,089 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,090 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,091 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,092 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,093 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,094 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Rand Num: 0.459153 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: Population at 15: 111111100010110000100110110001 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: selected individuval from population at 15: 111111100010110000100110110001 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 1: parents[0][0]: 0b111111100010110000100110110001 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,095 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,096 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,097 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,098 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,099 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,100 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,101 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: population at 15: 111111100010110000100110110001 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,102 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:48,103 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,104 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:48,105 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: rand num: 0.741579 +2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,106 - __main__ - DEBUG - 2: selected individuval from population at 24: 101100101001000101100110101100 +2015-04-21 14:41:48,106 - __main__ - DEBUG - 1: parents[0][0]: 0b101100101001000101100110101100 +2015-04-21 14:41:48,106 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,112 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,112 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,113 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,114 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,115 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,116 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,117 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 15: 011111100010110000100110110001 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,118 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,119 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:48,120 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:48,121 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 24: 101100101001000101110110111100 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,122 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Rand Num: 0.957407 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,123 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,124 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,125 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,126 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,127 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,128 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: rand num: 0.214307 +2015-04-21 14:41:48,129 - __main__ - DEBUG - 2: population at 15: 011111100010110000100110110001 +2015-04-21 14:41:48,130 - __main__ - DEBUG - 2: selected individuval from population at 15: 011111100010110000100110110001 +2015-04-21 14:41:48,130 - __main__ - DEBUG - 1: parents[0][0]: 0b011111100010110000100110110001 +2015-04-21 14:41:48,130 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,135 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.000000 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Individual Fit: 0.118578 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,136 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118578 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.118580 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118580 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.118767 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.118767 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,137 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Individual Fit: 0.119347 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.119347 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Individual Fit: 0.121914 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,138 - __main__ - DEBUG - 1: Population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121914 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121937 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121937 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121939 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121939 +2015-04-21 14:41:48,139 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Individual Fit: 0.121972 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121972 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,140 - __main__ - DEBUG - 1: Population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Individual Fit: 0.122335 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122335 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Individual Fit: 0.122468 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,141 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.122468 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.525150 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Population at 15: 011111100010110000101110110001 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.525150 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Individual Fit: 0.734116 +2015-04-21 14:41:48,142 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.734116 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Individual Fit: 0.735129 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735129 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Individual Fit: 0.735245 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,143 - __main__ - DEBUG - 1: Population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735245 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Individual Fit: 0.735257 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735257 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Individual Fit: 0.735554 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,144 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735554 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.735578 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735578 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.735579 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.735579 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Individual Fit: 0.748383 +2015-04-21 14:41:48,145 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 24: 101100101001000101110110111100 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748383 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Individual Fit: 0.748463 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.748463 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Individual Fit: 0.973453 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Rand Num: 0.857331 +2015-04-21 14:41:48,146 - __main__ - DEBUG - 1: Population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 1: selected individuval from population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 1: parents[0][0]: 0b111000011101001011110000011001 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,147 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 2: 001100101111011101001010110101 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118578 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: individual fit: 0.118580 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 3: 010001101110101011001110110100 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118580 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: individual fit: 0.118767 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: population at 4: 011101010000001011111101011010 +2015-04-21 14:41:48,148 - __main__ - DEBUG - 2: prev_individual fit: 0.118767 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: population at 5: 100000110000111001100000100011 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.119347 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: population at 6: 001010101000111000110111111111 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: prev_individual fit: 0.119347 +2015-04-21 14:41:48,149 - __main__ - DEBUG - 2: individual fit: 0.121914 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: population at 7: 100110000000110001101000001100 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: prev_individual fit: 0.121914 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: individual fit: 0.121937 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: population at 8: 010111101110001000100111011100 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: prev_individual fit: 0.121937 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: individual fit: 0.121939 +2015-04-21 14:41:48,150 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 9: 010010011001110101011001101010 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121939 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 10: 011000101000000101100111000110 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: individual fit: 0.121972 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: population at 11: 000100010010100111110110110010 +2015-04-21 14:41:48,151 - __main__ - DEBUG - 2: prev_individual fit: 0.121972 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: population at 12: 011111010010000001000001010011 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122335 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: population at 13: 001100111001000010010101101011 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: prev_individual fit: 0.122335 +2015-04-21 14:41:48,152 - __main__ - DEBUG - 2: individual fit: 0.122468 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: population at 14: 011100010001101110111101111111 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: prev_individual fit: 0.122468 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: individual fit: 0.525150 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: population at 15: 011111100010110000101110110001 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: prev_individual fit: 0.525150 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,153 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: population at 16: 111001000100000001111000000010 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: individual fit: 0.734116 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: population at 17: 000110100000101111010110010000 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: prev_individual fit: 0.734116 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: individual fit: 0.735129 +2015-04-21 14:41:48,154 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 18: 100010101000111111010100101110 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: prev_individual fit: 0.735129 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: individual fit: 0.735245 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 19: 011011111010011101000000111000 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: prev_individual fit: 0.735245 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: individual fit: 0.735257 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,155 - __main__ - DEBUG - 2: population at 20: 010110010110011100001010010100 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735257 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735554 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: population at 21: 011110101000011100000100011010 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735554 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735578 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: population at 22: 010111110101111110110110100100 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: prev_individual fit: 0.735578 +2015-04-21 14:41:48,156 - __main__ - DEBUG - 2: individual fit: 0.735579 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: population at 23: 010010000001001001010111010101 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: prev_individual fit: 0.735579 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: individual fit: 0.748383 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: population at 24: 101100101001000101110110111100 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: prev_individual fit: 0.748383 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: individual fit: 0.748463 +2015-04-21 14:41:48,157 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 25: 011010111010111011010100100000 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: prev_individual fit: 0.748463 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: individual fit: 0.973453 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 26: 111000011101001011110000011001 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: prev_individual fit: 0.973453 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,158 - __main__ - DEBUG - 2: population at 27: 010011010101100000001110011001 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: individual fit: 0.973456 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: population at 28: 001101111111011110110111100010 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: prev_individual fit: 0.973456 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: individual fit: 1.000000 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: rand num: 0.874414 +2015-04-21 14:41:48,159 - __main__ - DEBUG - 2: population at 29: 110000000011001100011100111010 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: prev_individual fit: 0.000000 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: individual fit: 0.118578 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: rand num: 0.036513 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 2: selected individuval from population at 1: 010111110010100100100000011011 +2015-04-21 14:41:48,160 - __main__ - DEBUG - 1: parents[0][0]: 0b010111110010100100100000011011 +2015-04-21 14:41:48,160 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:41:48,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:41:48,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:41:48,166 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:41:48,166 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 14:41:48,166 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 +2015-04-21 14:41:48,166 - __main__ - INFO - Average Fitness Value of Generation: 89644147991602280543090114560.000000 +2015-04-21 14:41:48,167 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:41:48,167 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:41:48,167 - __main__ - INFO - Generation 1 running... +2015-04-21 14:41:48,167 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:41:48,167 - __main__ - DEBUG - Getting fitness of generation 1 +2015-04-21 14:41:48,167 - __main__ - DEBUG - Sum of bitstring at 0 of population: 997700608 +2015-04-21 14:41:48,167 - __main__ - DEBUG - Fitness Value at index 0 in population: 605069371210072971160980553728.000000 +2015-04-21 14:41:48,167 - __main__ - DEBUG - Sum of bitstring at 1 of population: 935854080 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1065227264 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 2 in population: 1160540825025150110341154209792.000000 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 3 of population: 931135488 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 3 in population: 304880506868562339266931195904.000000 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1057659904 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Fitness Value at index 4 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:41:48,168 - __main__ - DEBUG - Sum of bitstring at 5 of population: 989855744 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 5 in population: 561978813405172455214948548608.000000 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 6 of population: 998094848 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 6 in population: 605069371210072971160980553728.000000 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 7 of population: 1056964608 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 7 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 8 of population: 956308480 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Fitness Value at index 8 in population: 398059857579334659253274148864.000000 +2015-04-21 14:41:48,169 - __main__ - DEBUG - Sum of bitstring at 9 of population: 0 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 9 in population: 0.000000 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 10 of population: 1072787456 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 10 in population: 1255325460068093841637107564544.000000 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 11 of population: 939524096 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 11 in population: 333487912029464316570108952576.000000 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 12 of population: 1066122240 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Fitness Value at index 12 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,170 - __main__ - DEBUG - Sum of bitstring at 13 of population: 980713472 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 13 in population: 510641501845428128307835043840.000000 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 14 of population: 1066138624 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 14 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 15 of population: 947126272 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 15 in population: 360476952748077286602515152896.000000 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 16 of population: 1010457600 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 16 in population: 685903266700323379552213532672.000000 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 17 of population: 536870912 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Fitness Value at index 17 in population: 1237940039285380274899124224.000000 +2015-04-21 14:41:48,171 - __main__ - DEBUG - Sum of bitstring at 18 of population: 947356672 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 18 in population: 360476952748077286602515152896.000000 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 19 of population: 1065877504 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 19 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 20 of population: 1066076160 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 20 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 21 of population: 399132672 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Fitness Value at index 21 in population: 62782118479882244226809856.000000 +2015-04-21 14:41:48,172 - __main__ - DEBUG - Sum of bitstring at 22 of population: 360489984 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 22 in population: 22539340290692256209305600.000000 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 24 of population: 1066089472 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 24 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 25 of population: 748961792 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Fitness Value at index 25 in population: 34433575231762958200015421440.000000 +2015-04-21 14:41:48,173 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1042099200 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 26 in population: 932164339999243693490358452224.000000 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 27 of population: 268435456 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 27 in population: 1208925819614629174706176.000000 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 28 of population: 947187712 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 28 in population: 360476952748077286602515152896.000000 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Sum of bitstring at 29 of population: 399114240 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Fitness Value at index 29 in population: 62782118479882244226809856.000000 +2015-04-21 14:41:48,174 - __main__ - DEBUG - Total fitness from step 1: 17148768804985776462649180028928.000000 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Sum of norm fitness vals: 1.000000 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 0 in population: 0.035284 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 0 in population: 0.035284 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 1 in population: 0.018596 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 1 in population: 0.053879 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 2 in population: 0.067675 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 2 in population: 0.121554 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 3 in population: 0.017779 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 3 in population: 0.139333 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Normalized Fitness Value at index 4 in population: 0.063150 +2015-04-21 14:41:48,175 - __main__ - DEBUG - Total Fitness Value at index 4 in population: 0.202483 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 5 in population: 0.032771 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 5 in population: 0.235253 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 6 in population: 0.035284 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 6 in population: 0.270537 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 7 in population: 0.063150 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 7 in population: 0.333687 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 8 in population: 0.023212 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 8 in population: 0.356899 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 9 in population: 0.000000 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 9 in population: 0.356899 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 10 in population: 0.073202 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Total Fitness Value at index 10 in population: 0.430101 +2015-04-21 14:41:48,176 - __main__ - DEBUG - Normalized Fitness Value at index 11 in population: 0.019447 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 11 in population: 0.449548 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 12 in population: 0.068345 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 12 in population: 0.517892 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 13 in population: 0.029777 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 13 in population: 0.547670 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 14 in population: 0.068345 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 14 in population: 0.616014 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 15 in population: 0.021021 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 15 in population: 0.637035 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 16 in population: 0.039997 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 16 in population: 0.677032 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Normalized Fitness Value at index 17 in population: 0.000072 +2015-04-21 14:41:48,177 - __main__ - DEBUG - Total Fitness Value at index 17 in population: 0.677104 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 18 in population: 0.021021 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 18 in population: 0.698125 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 19 in population: 0.068345 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 19 in population: 0.766469 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 20 in population: 0.068345 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 20 in population: 0.834814 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 21 in population: 0.000004 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 21 in population: 0.834818 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 22 in population: 0.000001 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 22 in population: 0.834819 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 23 in population: 0.019447 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 23 in population: 0.854266 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Normalized Fitness Value at index 24 in population: 0.068345 +2015-04-21 14:41:48,178 - __main__ - DEBUG - Total Fitness Value at index 24 in population: 0.922610 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 25 in population: 0.002008 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 25 in population: 0.924618 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 26 in population: 0.054358 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 26 in population: 0.978976 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 27 in population: 0.000000 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 27 in population: 0.978976 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 28 in population: 0.021021 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 28 in population: 0.999996 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Normalized Fitness Value at index 29 in population: 0.000004 +2015-04-21 14:41:48,179 - __main__ - DEBUG - Total Fitness Value at index 29 in population: 1.000000 +2015-04-21 14:41:48,179 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,179 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,180 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,181 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 10: 111111111100010111000000000000 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,182 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Rand Num: 0.567743 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110000000000 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: selected individuval from population at 14: 111111100010111111110000000000 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111111110000000000 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,183 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,184 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,185 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 10: 111111111100010111000000000000 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,186 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 14: 111111100010111111110000000000 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: individual fit: 0.677104 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,187 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.698125 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 18: 111000011101111000010000000000 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.766469 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.766469 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.834814 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 20: 111111100010110000100000000000 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.834814 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: individual fit: 0.834818 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: population at 21: 010111110010100100100000000000 +2015-04-21 14:41:48,188 - __main__ - DEBUG - 2: prev_individual fit: 0.834818 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.834819 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 22: 010101011111001010010000000000 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.834819 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.854266 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 23: 111000000000000000000000000000 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.854266 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.922610 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.922610 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: individual fit: 0.924618 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: population at 25: 101100101001000100000000000000 +2015-04-21 14:41:48,189 - __main__ - DEBUG - 2: prev_individual fit: 0.924618 +2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: individual fit: 0.978976 +2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: rand num: 0.941020 +2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,190 - __main__ - DEBUG - 2: selected individuval from population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,190 - __main__ - DEBUG - 1: parents[1][0]: 0b111110000111010010110000000000 +2015-04-21 14:41:48,190 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,193 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,193 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,193 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,194 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,195 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Rand Num: 0.375544 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: Population at 10: 111111111100010111000000000000 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: selected individuval from population at 10: 111111111100010111000000000000 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 1: parents[1][0]: 0b111111111100010111000000000000 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,196 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,197 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,198 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 10: 111111111100010111000000000000 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,199 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: rand num: 0.659446 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,200 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 +2015-04-21 14:41:48,200 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,204 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,204 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,205 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,206 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,207 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Individual Fit: 0.766469 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,208 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834814 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834818 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.834819 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Individual Fit: 0.854266 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:41:48,209 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.922610 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.924618 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.978976 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Individual Fit: 0.978976 +2015-04-21 14:41:48,210 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Population at 27: 010000000000000000000000000000 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Individual Fit: 0.999996 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Rand Num: 0.991775 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: Population at 28: 111000011101001111000000000000 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: selected individuval from population at 28: 111000011101001111000000000000 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101001111000000000000 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,211 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,212 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,213 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,214 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: rand num: 0.642638 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,215 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 +2015-04-21 14:41:48,216 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,219 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,219 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,220 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,221 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,222 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,223 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 +2015-04-21 14:41:48,224 - __main__ - DEBUG - 1: Individual Fit: 0.766469 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834814 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834818 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Individual Fit: 0.834819 +2015-04-21 14:41:48,225 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.854266 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.922610 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.924618 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Individual Fit: 0.978976 +2015-04-21 14:41:48,226 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Individual Fit: 0.978976 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 27: 010000000000000000000000000000 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.978976 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Individual Fit: 0.999996 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Rand Num: 0.991575 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: Population at 28: 111000011101001111000000000000 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: selected individuval from population at 28: 111000011101001111000000000000 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101001111000000000000 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,227 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,228 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,229 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,230 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: rand num: 0.487412 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 2: selected individuval from population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,231 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111011110000000000 +2015-04-21 14:41:48,231 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,235 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,235 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,236 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,237 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,238 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Rand Num: 0.580250 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: Population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: selected individuval from population at 14: 111111100010111111110001000000 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111111110001000000 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,239 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,240 - __main__ - DEBUG - 2: rand num: 0.206394 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: rand num: 0.206394 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 2: selected individuval from population at 5: 111011000000000000000000000000 +2015-04-21 14:41:48,241 - __main__ - DEBUG - 1: parents[1][0]: 0b111011000000000000000000000000 +2015-04-21 14:41:48,241 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,245 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,245 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,246 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,247 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,248 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Rand Num: 0.688027 +2015-04-21 14:41:48,249 - __main__ - DEBUG - 1: Population at 18: 111000011101111000010000000000 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 1: selected individuval from population at 18: 111000011101111000010000000000 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 1: parents[1][0]: 0b111000011101111000010000000000 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,250 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,251 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: rand num: 0.416803 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 2: selected individuval from population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,252 - __main__ - DEBUG - 1: parents[1][0]: 0b011111111000010111100000000000 +2015-04-21 14:41:48,253 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,256 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,256 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,257 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,258 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Rand Num: 0.475388 +2015-04-21 14:41:48,259 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 1: selected individuval from population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010111011110000000000 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,260 - __main__ - DEBUG - 2: rand num: 0.146677 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: rand num: 0.146677 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,261 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000010101001110000000000 +2015-04-21 14:41:48,261 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,265 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,265 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,266 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,267 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,268 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,269 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Individual Fit: 0.766469 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Individual Fit: 0.834814 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Rand Num: 0.772223 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: Population at 20: 111111100010110000100000000000 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: selected individuval from population at 20: 111111100010110000100000000000 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010110000100000000000 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,270 - __main__ - DEBUG - 2: rand num: 0.171000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: rand num: 0.171000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,271 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000010101001110000000000 +2015-04-21 14:41:48,272 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000010101001110000000000 +2015-04-21 14:41:48,272 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,276 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,276 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,277 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,278 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,279 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,280 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,281 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,282 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Rand Num: 0.649217 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: selected individuval from population at 16: 111100001110100101110000000000 +2015-04-21 14:41:48,283 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000000 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: rand num: 0.117377 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,284 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: rand num: 0.117377 +2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,285 - __main__ - DEBUG - 2: selected individuval from population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,285 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 +2015-04-21 14:41:48,285 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,291 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,291 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,292 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,293 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,294 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,295 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Rand Num: 0.537780 +2015-04-21 14:41:48,296 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 1: selected individuval from population at 13: 111010011101001000000000000000 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 1: parents[1][0]: 0b111010011101001000000000000000 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: rand num: 0.091528 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: rand num: 0.091528 +2015-04-21 14:41:48,297 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,298 - __main__ - DEBUG - 2: selected individuval from population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,298 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 +2015-04-21 14:41:48,298 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,302 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,302 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,303 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,304 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,305 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,306 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,307 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Rand Num: 0.638155 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: selected individuval from population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000011 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,308 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,309 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,310 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,311 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: individual fit: 0.677104 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,312 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: individual fit: 0.698125 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: population at 18: 111000011001111000010000000000 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: individual fit: 0.766469 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: rand num: 0.698373 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 2: selected individuval from population at 19: 111111100010000000000000000000 +2015-04-21 14:41:48,313 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010000000000000000000 +2015-04-21 14:41:48,313 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,317 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,317 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,318 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,319 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,320 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 +2015-04-21 14:41:48,321 - __main__ - DEBUG - 1: Individual Fit: 0.766469 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 19: 111111101010000001000000010000 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834814 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 20: 111111100010110010100000000000 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834818 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.834819 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 +2015-04-21 14:41:48,322 - __main__ - DEBUG - 1: Individual Fit: 0.854266 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.922610 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.922610 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.924618 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 25: 101100101001000100000000000000 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.924618 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Individual Fit: 0.978976 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Rand Num: 0.947777 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: Population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,323 - __main__ - DEBUG - 1: selected individuval from population at 26: 111110000111010010110000000000 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 1: parents[1][0]: 0b111110000111010010110000000000 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,324 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,325 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,326 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,327 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: rand num: 0.659954 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 2: selected individuval from population at 16: 111100001110100101110000000011 +2015-04-21 14:41:48,328 - __main__ - DEBUG - 1: parents[1][0]: 0b111100001110100101110000000011 +2015-04-21 14:41:48,328 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,331 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,331 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,332 - __main__ - DEBUG - 1: Population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,333 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,334 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Rand Num: 0.541196 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: Population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: selected individuval from population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 1: parents[1][0]: 0b111010011101001000000000000010 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,335 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,336 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.333687 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.356899 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: prev_individual fit: 0.356899 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: individual fit: 0.430101 +2015-04-21 14:41:48,337 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.430101 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.449548 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.449548 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.517892 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.517892 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.547670 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: population at 13: 111010011101001000000000000010 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: prev_individual fit: 0.547670 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: individual fit: 0.616014 +2015-04-21 14:41:48,338 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.616014 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.637035 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.637035 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.677032 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 16: 111100001110100101110000000111 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.677032 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.677104 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: prev_individual fit: 0.677104 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: individual fit: 0.698125 +2015-04-21 14:41:48,339 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: population at 18: 111000011001111000010000000000 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: prev_individual fit: 0.698125 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: individual fit: 0.766469 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: rand num: 0.743478 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: population at 19: 111111101010000001000000010000 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 2: selected individuval from population at 19: 111111101010000001000000010000 +2015-04-21 14:41:48,340 - __main__ - DEBUG - 1: parents[1][0]: 0b111111101010000001000000010000 +2015-04-21 14:41:48,340 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,344 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Rand Num: 0.081878 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Rand Num: 0.081878 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: Population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: selected individuval from population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 1: parents[1][0]: 0b111111011111100001010000000000 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: rand num: 0.147089 +2015-04-21 14:41:48,344 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 2: 111111011111100001010000000000 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: rand num: 0.147089 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 2: selected individuval from population at 4: 111111000000101001110000000000 +2015-04-21 14:41:48,345 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000000101001110000000000 +2015-04-21 14:41:48,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,349 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.035284 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Individual Fit: 0.053879 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.053879 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Individual Fit: 0.121554 +2015-04-21 14:41:48,349 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 2: 111111011111101000010000000000 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.121554 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.139333 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.139333 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.202483 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 4: 111111000000100001010000100000 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.202483 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.235253 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.235253 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Individual Fit: 0.270537 +2015-04-21 14:41:48,350 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.270537 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.333687 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.333687 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 8: 111001000000000001110000000000 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.356899 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Population at 9: 000000000000000000000000000000 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.356899 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Individual Fit: 0.430101 +2015-04-21 14:41:48,351 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 10: 011111111000010111100000000000 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.430101 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.449548 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 11: 111000000000000000000000000000 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.449548 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.517892 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 12: 111111100010111011110000000000 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.517892 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.547670 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Population at 13: 111010010101001000000000000010 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.547670 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Individual Fit: 0.616014 +2015-04-21 14:41:48,352 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 14: 111111100010111110110001000000 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.616014 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.637035 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 15: 111000011101000000000000000000 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.637035 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.677032 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 16: 111100001110100101110000000111 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677032 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.677104 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Population at 17: 100000000000000000000000000000 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.677104 +2015-04-21 14:41:48,353 - __main__ - DEBUG - 1: Individual Fit: 0.698125 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 18: 111000011001111000010000000000 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.698125 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.766469 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 19: 111111101010000001000000010000 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.766469 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.834814 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 20: 111111100010110010100000000000 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834814 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Individual Fit: 0.834818 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Population at 21: 010111110010100100100000000000 +2015-04-21 14:41:48,354 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834818 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.834819 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 22: 010101011111001010010000000000 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.834819 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.854266 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 23: 111000000000000000000000000000 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Prev_Individual Fit: 0.854266 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Individual Fit: 0.922610 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Rand Num: 0.913424 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: Population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: selected individuval from population at 24: 111111100010110011110000000000 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 1: parents[1][0]: 0b111111100010110011110000000000 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: prev_individual fit: 0.035284 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: individual fit: 0.053879 +2015-04-21 14:41:48,355 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 1: 110111110010000000000000000000 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.053879 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.121554 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 2: 111111011111101000010000000000 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.121554 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.139333 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 3: 110111100000000000000000000000 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.139333 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.202483 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: population at 4: 111111000000100001010000100000 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: prev_individual fit: 0.202483 +2015-04-21 14:41:48,356 - __main__ - DEBUG - 2: individual fit: 0.235253 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 5: 111011000000000000010000000000 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: prev_individual fit: 0.235253 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: individual fit: 0.270537 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 6: 111011011111011011100000000000 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: prev_individual fit: 0.270537 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: individual fit: 0.333687 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: rand num: 0.273354 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 2: selected individuval from population at 7: 111111000000000000000000000000 +2015-04-21 14:41:48,357 - __main__ - DEBUG - 1: parents[1][0]: 0b111111000000000000000000000000 +2015-04-21 14:41:48,357 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:41:48,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:41:48,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:41:48,361 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:41:48,361 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 14:41:48,361 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 14:41:48,361 - __main__ - INFO - Average Fitness Value of Generation: 571625626832859116905397485568.000000 +2015-04-21 14:41:48,361 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:41:48,361 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:41:48,361 - __main__ - INFO - Generation 2 running... +2015-04-21 14:41:48,361 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:41:48,361 - __main__ - DEBUG - Getting fitness of generation 2 +2015-04-21 14:41:48,361 - __main__ - DEBUG - Sum of bitstring at 0 of population: 997700608 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 0 in population: 605069371210072971160980553728.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 1 of population: 935854080 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 1 in population: 318895612267497726005162803200.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 2 of population: 1065255936 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 2 in population: 1160540825025150110341154209792.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 3 of population: 931135488 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 3 in population: 304880506868562339266931195904.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 4 of population: 1057100832 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 4 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 5 of population: 989856768 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 5 in population: 561978813405172455214948548608.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 6 of population: 998094848 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Fitness Value at index 6 in population: 605069371210072971160980553728.000000 +2015-04-21 14:41:48,362 - __main__ - DEBUG - Sum of bitstring at 7 of population: 1056964608 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 7 in population: 1082942308472838653458459394048.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 8 of population: 956308480 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 8 in population: 398059857579334659253274148864.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 9 of population: 0 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 9 in population: 0.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 10 of population: 534870016 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 10 in population: 1190424238276130006982721536.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 11 of population: 939524096 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 11 in population: 333487912029464316570108952576.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 12 of population: 1066122240 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 12 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Sum of bitstring at 13 of population: 978616322 +2015-04-21 14:41:48,363 - __main__ - DEBUG - Fitness Value at index 13 in population: 499823230860701811721535225856.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 14 of population: 1066134592 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 14 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 15 of population: 947126272 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 15 in population: 360476952748077286602515152896.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 16 of population: 1010457607 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 16 in population: 685903266700323379552213532672.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 17 of population: 536870912 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 17 in population: 1237940039285380274899124224.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 18 of population: 946308096 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Fitness Value at index 18 in population: 356504794933236266369397293056.000000 +2015-04-21 14:41:48,364 - __main__ - DEBUG - Sum of bitstring at 19 of population: 1067978768 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 19 in population: 1195302368347667290760130068480.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 20 of population: 1066084352 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 20 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 21 of population: 399132672 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 21 in population: 62782118479882244226809856.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 22 of population: 360489984 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 22 in population: 22539340290692256209305600.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 23 of population: 939524096 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 23 in population: 333487912029464316570108952576.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 24 of population: 1066081280 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 24 in population: 1172025550356773630692472913920.000000 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Sum of bitstring at 25 of population: 748961792 +2015-04-21 14:41:48,365 - __main__ - DEBUG - Fitness Value at index 25 in population: 34433575231762958200015421440.000000 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 26 of population: 1042099204 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 26 in population: 932164339999243693490358452224.000000 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 27 of population: 268435456 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 27 in population: 1208925819614629174706176.000000 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 28 of population: 947187712 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 28 in population: 360476952748077286602515152896.000000 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 29 of population: 399114240 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Fitness Value at index 29 in population: 62782118479882244226809856.000000 +2015-04-21 14:41:48,366 - __main__ - DEBUG - Sum of bitstring at 30 of population: 1073503232 +2015-04-21 14:42:47,887 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:42:47,888 - __main__ - INFO - Program Arguments: +2015-04-21 14:42:47,888 - __main__ - INFO - plot=True +2015-04-21 14:42:47,888 - __main__ - INFO - autoscale=True +2015-04-21 14:42:47,888 - __main__ - INFO - G=10 +2015-04-21 14:42:47,888 - __main__ - INFO - l=20 +2015-04-21 14:42:47,888 - __main__ - INFO - experiment_number=1 +2015-04-21 14:42:47,888 - __main__ - INFO - N=30 +2015-04-21 14:42:47,888 - __main__ - INFO - pc=0.6 +2015-04-21 14:42:47,888 - __main__ - INFO - ce=False +2015-04-21 14:42:47,888 - __main__ - INFO - ff= +2015-04-21 14:42:47,888 - __main__ - INFO - learn=False +2015-04-21 14:42:47,888 - __main__ - INFO - NG=20 +2015-04-21 14:42:47,888 - __main__ - INFO - nruns=10 +2015-04-21 14:42:47,888 - __main__ - INFO - pm=0.033 +2015-04-21 14:42:47,889 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:42:47,889 - __main__ - INFO - Starting run 0... +2015-04-21 14:42:47,889 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:42:47,890 - __main__ - INFO - Initialization Complete. +2015-04-21 14:42:47,890 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:42:47,892 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:42:47,892 - __main__ - INFO - Generation 0 running... +2015-04-21 14:42:47,892 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:42:47,892 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,893 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,896 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,897 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,900 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,901 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,905 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,905 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,909 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,909 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,913 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,913 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,916 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,917 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,921 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,921 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,926 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,927 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,930 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,930 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,934 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,935 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,938 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,938 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,941 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,942 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,945 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,946 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,949 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:42:47,949 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:42:47,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:42:47,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:42:47,953 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:42:47,953 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 14:42:47,953 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 14:42:47,953 - __main__ - INFO - Average Fitness Value of Generation: 169576829873084966654443520000.000000 +2015-04-21 14:42:47,953 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:42:47,953 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:42:47,953 - __main__ - INFO - Generation 1 running... +2015-04-21 14:42:47,953 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:42:47,954 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,954 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,957 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,958 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,961 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,962 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,966 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,967 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,971 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,972 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,975 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,976 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,980 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,981 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,984 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,985 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,988 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,989 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,992 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,993 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:47,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:47,998 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:47,999 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:47,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:48,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:48,004 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:48,005 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:48,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:48,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:48,010 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:48,011 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:48,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:48,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:48,016 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:48,017 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:48,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:48,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:48,020 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:42:48,021 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:42:48,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:42:48,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:42:48,024 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:42:48,024 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 14:42:48,024 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 14:42:48,024 - __main__ - INFO - Average Fitness Value of Generation: 407107368416694547720576172032.000000 +2015-04-21 14:42:48,024 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:42:48,024 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:42:48,024 - __main__ - INFO - Generation 2 running... +2015-04-21 14:42:48,024 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:46:10,688 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:46:10,688 - __main__ - INFO - Program Arguments: +2015-04-21 14:46:10,688 - __main__ - INFO - plot=True +2015-04-21 14:46:10,688 - __main__ - INFO - autoscale=True +2015-04-21 14:46:10,688 - __main__ - INFO - G=10 +2015-04-21 14:46:10,689 - __main__ - INFO - l=20 +2015-04-21 14:46:10,689 - __main__ - INFO - experiment_number=1 +2015-04-21 14:46:10,689 - __main__ - INFO - N=30 +2015-04-21 14:46:10,689 - __main__ - INFO - pc=0.6 +2015-04-21 14:46:10,689 - __main__ - INFO - ce=False +2015-04-21 14:46:10,689 - __main__ - INFO - ff= +2015-04-21 14:46:10,689 - __main__ - INFO - learn=False +2015-04-21 14:46:10,689 - __main__ - INFO - NG=20 +2015-04-21 14:46:10,689 - __main__ - INFO - nruns=10 +2015-04-21 14:46:10,689 - __main__ - INFO - pm=0.033 +2015-04-21 14:46:10,689 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:46:10,689 - __main__ - INFO - Starting run 0... +2015-04-21 14:46:10,689 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:46:10,691 - __main__ - INFO - Initialization Complete. +2015-04-21 14:46:10,691 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:46:10,692 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:46:10,693 - __main__ - INFO - Generation 0 running... +2015-04-21 14:46:10,693 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:46:10,693 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:46:10,694 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:46:10,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,138 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:47:36,138 - __main__ - INFO - Program Arguments: +2015-04-21 14:47:36,138 - __main__ - INFO - plot=True +2015-04-21 14:47:36,138 - __main__ - INFO - autoscale=True +2015-04-21 14:47:36,138 - __main__ - INFO - G=10 +2015-04-21 14:47:36,139 - __main__ - INFO - l=20 +2015-04-21 14:47:36,139 - __main__ - INFO - experiment_number=1 +2015-04-21 14:47:36,139 - __main__ - INFO - N=30 +2015-04-21 14:47:36,139 - __main__ - INFO - pc=0.6 +2015-04-21 14:47:36,139 - __main__ - INFO - ce=False +2015-04-21 14:47:36,139 - __main__ - INFO - ff= +2015-04-21 14:47:36,139 - __main__ - INFO - learn=False +2015-04-21 14:47:36,139 - __main__ - INFO - NG=20 +2015-04-21 14:47:36,139 - __main__ - INFO - nruns=10 +2015-04-21 14:47:36,139 - __main__ - INFO - pm=0.033 +2015-04-21 14:47:36,139 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:47:36,140 - __main__ - INFO - Starting run 0... +2015-04-21 14:47:36,140 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:47:36,141 - __main__ - INFO - Initialization Complete. +2015-04-21 14:47:36,141 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:47:36,143 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:47:36,143 - __main__ - INFO - Generation 0 running... +2015-04-21 14:47:36,143 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:47:36,144 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,145 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,148 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,150 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,153 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,154 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,158 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,159 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,162 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,163 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,166 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,167 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,171 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,172 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,177 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,177 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,181 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,181 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,185 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,186 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,190 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,190 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,194 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,195 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,198 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,199 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,203 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,204 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,207 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:47:36,208 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:47:36,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:47:36,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:47:36,213 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:47:36,214 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 14:47:36,214 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 14:47:36,214 - __main__ - INFO - Average Fitness Value of Generation: 115618781916736777802527801344.000000 +2015-04-21 14:47:36,214 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:47:36,214 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:47:36,214 - __main__ - INFO - Generation 1 running... +2015-04-21 14:47:36,214 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:47:36,215 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,216 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,219 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,220 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,223 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,224 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,227 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,228 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,231 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,232 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,236 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,236 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,240 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,241 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,244 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,245 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,249 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,249 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,254 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,255 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,258 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,259 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,263 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,263 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,266 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,267 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,271 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,272 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,275 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:47:36,276 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:47:36,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:47:36,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:47:36,280 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:47:36,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 14:47:36,280 - __main__ - INFO - Fitness Value of Best Individual: 990044880209748260295442169856.000000 +2015-04-21 14:47:36,280 - __main__ - INFO - Average Fitness Value of Generation: 432341738825309450189561397248.000000 +2015-04-21 14:47:36,280 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:47:36,280 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:47:36,280 - __main__ - INFO - Generation 2 running... +2015-04-21 14:47:36,280 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:48:09,961 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:48:09,961 - __main__ - INFO - Program Arguments: +2015-04-21 14:48:09,961 - __main__ - INFO - plot=True +2015-04-21 14:48:09,961 - __main__ - INFO - autoscale=True +2015-04-21 14:48:09,962 - __main__ - INFO - G=10 +2015-04-21 14:48:09,962 - __main__ - INFO - l=20 +2015-04-21 14:48:09,962 - __main__ - INFO - experiment_number=1 +2015-04-21 14:48:09,962 - __main__ - INFO - N=30 +2015-04-21 14:48:09,962 - __main__ - INFO - pc=0.6 +2015-04-21 14:48:09,962 - __main__ - INFO - ce=False +2015-04-21 14:48:09,962 - __main__ - INFO - ff= +2015-04-21 14:48:09,962 - __main__ - INFO - learn=False +2015-04-21 14:48:09,963 - __main__ - INFO - NG=20 +2015-04-21 14:48:09,963 - __main__ - INFO - nruns=10 +2015-04-21 14:48:09,963 - __main__ - INFO - pm=0.033 +2015-04-21 14:48:09,963 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:48:09,963 - __main__ - INFO - Starting run 0... +2015-04-21 14:48:09,963 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:48:09,964 - __main__ - INFO - Initialization Complete. +2015-04-21 14:48:09,964 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:48:09,966 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:48:09,966 - __main__ - INFO - Generation 0 running... +2015-04-21 14:48:09,966 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:48:09,967 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,968 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,971 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,971 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,974 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,974 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,977 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,978 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,980 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,981 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,984 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,985 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,988 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,989 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,993 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,994 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:09,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:09,997 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:09,998 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:09,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,001 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,001 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,004 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,005 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,008 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,009 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,012 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,012 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,015 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,016 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,018 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:48:10,019 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:48:10,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:48:10,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:48:10,022 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:48:10,022 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 14:48:10,022 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 14:48:10,022 - __main__ - INFO - Average Fitness Value of Generation: 162303638343977261729631436800.000000 +2015-04-21 14:48:10,022 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:48:10,022 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:48:10,023 - __main__ - INFO - Generation 1 running... +2015-04-21 14:48:10,023 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:48:10,024 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,024 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,029 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,030 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,033 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,034 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,037 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,037 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,040 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,040 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,044 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,044 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,047 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,047 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,050 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,050 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,053 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,054 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,058 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,059 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,064 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,064 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,068 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,068 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,072 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,072 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,075 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,076 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,079 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:48:10,080 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:48:10,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:48:10,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:48:10,083 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:48:10,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 14:48:10,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 14:48:10,083 - __main__ - INFO - Average Fitness Value of Generation: 664882455326433563667255525376.000000 +2015-04-21 14:48:10,083 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:48:10,083 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:48:10,083 - __main__ - INFO - Generation 2 running... +2015-04-21 14:48:10,083 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:56:25,259 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:56:25,259 - __main__ - INFO - Program Arguments: +2015-04-21 14:56:25,259 - __main__ - INFO - plot=True +2015-04-21 14:56:25,259 - __main__ - INFO - autoscale=True +2015-04-21 14:56:25,259 - __main__ - INFO - G=10 +2015-04-21 14:56:25,259 - __main__ - INFO - l=20 +2015-04-21 14:56:25,259 - __main__ - INFO - experiment_number=1 +2015-04-21 14:56:25,259 - __main__ - INFO - N=30 +2015-04-21 14:56:25,260 - __main__ - INFO - pc=0.6 +2015-04-21 14:56:25,260 - __main__ - INFO - ce=False +2015-04-21 14:56:25,260 - __main__ - INFO - ff= +2015-04-21 14:56:25,260 - __main__ - INFO - learn=False +2015-04-21 14:56:25,260 - __main__ - INFO - NG=20 +2015-04-21 14:56:25,260 - __main__ - INFO - nruns=10 +2015-04-21 14:56:25,260 - __main__ - INFO - pm=0.033 +2015-04-21 14:56:25,260 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:56:25,260 - __main__ - INFO - Starting run 0... +2015-04-21 14:56:25,260 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:56:25,261 - __main__ - INFO - Initialization Complete. +2015-04-21 14:56:25,261 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:56:25,263 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:56:25,263 - __main__ - INFO - Generation 0 running... +2015-04-21 14:56:25,263 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:56:25,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,264 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,268 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,268 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,272 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,275 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,275 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,279 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,279 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,282 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,282 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,285 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,286 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,289 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,289 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,293 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,293 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,298 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,298 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,302 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,302 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,305 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,306 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,308 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,309 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,313 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,313 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,316 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:56:25,316 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:56:25,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:56:25,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:56:25,319 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:56:25,319 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 14:56:25,319 - __main__ - INFO - Fitness Value of Best Individual: 617915381969049832467428540416.000000 +2015-04-21 14:56:25,319 - __main__ - INFO - Average Fitness Value of Generation: 64631012164652013352313159680.000000 +2015-04-21 14:56:25,319 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:56:25,320 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:56:25,320 - __main__ - INFO - Generation 1 running... +2015-04-21 14:56:25,320 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:56:25,320 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,321 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,324 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,324 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,329 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,330 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,334 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,335 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,338 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,338 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,341 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,342 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,345 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,348 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,351 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,351 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,354 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,355 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,358 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,358 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,361 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,362 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,367 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,368 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,372 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,372 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,375 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:56:25,375 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:56:25,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:56:25,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:56:25,378 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 14:56:25,378 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 14:56:25,379 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 14:56:25,379 - __main__ - INFO - Average Fitness Value of Generation: 304270191331057654138453098496.000000 +2015-04-21 14:56:25,379 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 14:56:25,379 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:56:25,379 - __main__ - INFO - Generation 2 running... +2015-04-21 14:56:25,379 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 14:58:06,641 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:58:06,641 - __main__ - INFO - Program Arguments: +2015-04-21 14:58:06,641 - __main__ - INFO - plot=True +2015-04-21 14:58:06,642 - __main__ - INFO - autoscale=True +2015-04-21 14:58:06,642 - __main__ - INFO - G=10 +2015-04-21 14:58:06,642 - __main__ - INFO - l=20 +2015-04-21 14:58:06,642 - __main__ - INFO - experiment_number=1 +2015-04-21 14:58:06,642 - __main__ - INFO - N=30 +2015-04-21 14:58:06,642 - __main__ - INFO - pc=0.6 +2015-04-21 14:58:06,642 - __main__ - INFO - ce=False +2015-04-21 14:58:06,642 - __main__ - INFO - ff= +2015-04-21 14:58:06,642 - __main__ - INFO - learn=False +2015-04-21 14:58:06,642 - __main__ - INFO - NG=20 +2015-04-21 14:58:06,642 - __main__ - INFO - nruns=10 +2015-04-21 14:58:06,643 - __main__ - INFO - pm=0.033 +2015-04-21 14:58:06,643 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:58:06,643 - __main__ - INFO - Starting run 0... +2015-04-21 14:58:06,643 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:58:06,644 - __main__ - INFO - Initialization Complete. +2015-04-21 14:58:06,645 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:58:06,647 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:58:06,647 - __main__ - INFO - Generation 0 running... +2015-04-21 14:58:06,647 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:58:06,648 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,649 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,653 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,653 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,661 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,662 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,665 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,667 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,671 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,672 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,676 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,676 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,680 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,681 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,684 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,685 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,689 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,690 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,693 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,693 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,696 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,697 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,700 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,700 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,706 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,706 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,710 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,711 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:06,715 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:06,715 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:06,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:06,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,687 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 14:58:56,688 - __main__ - INFO - Program Arguments: +2015-04-21 14:58:56,688 - __main__ - INFO - plot=True +2015-04-21 14:58:56,688 - __main__ - INFO - autoscale=True +2015-04-21 14:58:56,688 - __main__ - INFO - G=10 +2015-04-21 14:58:56,688 - __main__ - INFO - l=20 +2015-04-21 14:58:56,688 - __main__ - INFO - experiment_number=1 +2015-04-21 14:58:56,688 - __main__ - INFO - N=30 +2015-04-21 14:58:56,688 - __main__ - INFO - pc=0.6 +2015-04-21 14:58:56,688 - __main__ - INFO - ce=False +2015-04-21 14:58:56,688 - __main__ - INFO - ff= +2015-04-21 14:58:56,688 - __main__ - INFO - learn=False +2015-04-21 14:58:56,688 - __main__ - INFO - NG=20 +2015-04-21 14:58:56,688 - __main__ - INFO - nruns=10 +2015-04-21 14:58:56,688 - __main__ - INFO - pm=0.033 +2015-04-21 14:58:56,688 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 14:58:56,689 - __main__ - INFO - Starting run 0... +2015-04-21 14:58:56,689 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 14:58:56,690 - __main__ - INFO - Initialization Complete. +2015-04-21 14:58:56,690 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 14:58:56,692 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 14:58:56,692 - __main__ - INFO - Generation 0 running... +2015-04-21 14:58:56,692 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 14:58:56,692 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,693 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,696 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,696 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,699 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,700 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,703 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,704 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,707 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,707 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,710 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,711 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,713 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,714 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,717 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,717 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,722 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,722 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,726 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,727 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,730 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,734 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,737 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,738 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,740 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,741 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,744 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,745 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,748 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 14:58:56,749 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 14:58:56,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 14:58:56,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 14:58:56,753 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 14:58:56,753 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 14:58:56,753 - __main__ - INFO - Fitness Value of Best Individual: 868498653396971136611707256832.000000 +2015-04-21 14:58:56,753 - __main__ - INFO - Average Fitness Value of Generation: 52548437456528746539158339584.000000 +2015-04-21 14:58:56,753 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 14:58:56,754 - __main__ - INFO - Generation 0 finished. +2015-04-21 14:58:56,754 - __main__ - INFO - Generation 1 running... +2015-04-21 14:58:56,754 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 14:58:56,755 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,757 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,761 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,762 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,765 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,765 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,768 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,769 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,772 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,772 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,775 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,775 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,778 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,779 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,782 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,782 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,785 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,786 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,789 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,790 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,794 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,795 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,799 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,800 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,803 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,803 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,806 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,806 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,810 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 14:58:56,811 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 14:58:56,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 14:58:56,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 14:58:56,814 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 14:58:56,814 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 14:58:56,814 - __main__ - INFO - Fitness Value of Best Individual: 868498653396971136611707256832.000000 +2015-04-21 14:58:56,814 - __main__ - INFO - Average Fitness Value of Generation: 443951470642794771023382183936.000000 +2015-04-21 14:58:56,814 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 14:58:56,814 - __main__ - INFO - Generation 1 finished. +2015-04-21 14:58:56,814 - __main__ - INFO - Generation 2 running... +2015-04-21 14:58:56,814 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:01:35,068 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:01:35,068 - __main__ - INFO - Program Arguments: +2015-04-21 15:01:35,068 - __main__ - INFO - plot=True +2015-04-21 15:01:35,068 - __main__ - INFO - autoscale=True +2015-04-21 15:01:35,068 - __main__ - INFO - G=10 +2015-04-21 15:01:35,068 - __main__ - INFO - l=20 +2015-04-21 15:01:35,068 - __main__ - INFO - experiment_number=1 +2015-04-21 15:01:35,068 - __main__ - INFO - N=30 +2015-04-21 15:01:35,069 - __main__ - INFO - pc=0.6 +2015-04-21 15:01:35,069 - __main__ - INFO - ce=False +2015-04-21 15:01:35,069 - __main__ - INFO - ff= +2015-04-21 15:01:35,069 - __main__ - INFO - learn=False +2015-04-21 15:01:35,069 - __main__ - INFO - NG=20 +2015-04-21 15:01:35,069 - __main__ - INFO - nruns=10 +2015-04-21 15:01:35,069 - __main__ - INFO - pm=0.033 +2015-04-21 15:01:35,069 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:01:35,069 - __main__ - INFO - Starting run 0... +2015-04-21 15:01:35,070 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:01:35,071 - __main__ - INFO - Initialization Complete. +2015-04-21 15:01:35,071 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:01:35,073 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:01:35,073 - __main__ - INFO - Generation 0 running... +2015-04-21 15:01:35,073 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:01:35,073 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,074 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,078 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,078 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,082 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,082 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,085 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,086 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,089 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,090 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,093 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,094 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,097 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,098 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,101 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,102 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,106 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,107 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,110 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,111 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,113 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,114 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,116 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,117 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,119 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,120 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,123 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,123 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,126 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:01:35,126 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:01:35,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:01:35,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:01:35,129 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:01:35,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:01:35,130 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 +2015-04-21 15:01:35,130 - __main__ - INFO - Average Fitness Value of Generation: 105361195919193354919345127424.000000 +2015-04-21 15:01:35,130 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:01:35,130 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:01:35,130 - __main__ - INFO - Generation 1 running... +2015-04-21 15:01:35,131 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:01:35,131 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,132 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,136 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,137 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,141 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,142 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,145 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,146 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,148 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,149 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,152 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,153 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,156 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,156 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,160 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,160 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,163 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,163 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,167 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,167 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,170 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,171 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,176 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,176 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,181 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,181 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,184 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,185 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:01:35,188 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:01:35,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:01:35,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:01:35,191 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:01:35,191 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:01:35,191 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:01:35,191 - __main__ - INFO - Average Fitness Value of Generation: 596086796819586952700471803904.000000 +2015-04-21 15:01:35,191 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:01:35,192 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:01:35,192 - __main__ - INFO - Generation 2 running... +2015-04-21 15:01:35,192 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:02:58,052 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:02:58,052 - __main__ - INFO - Program Arguments: +2015-04-21 15:02:58,052 - __main__ - INFO - plot=True +2015-04-21 15:02:58,052 - __main__ - INFO - autoscale=True +2015-04-21 15:02:58,052 - __main__ - INFO - G=10 +2015-04-21 15:02:58,053 - __main__ - INFO - l=20 +2015-04-21 15:02:58,053 - __main__ - INFO - experiment_number=1 +2015-04-21 15:02:58,053 - __main__ - INFO - N=30 +2015-04-21 15:02:58,053 - __main__ - INFO - pc=0.6 +2015-04-21 15:02:58,053 - __main__ - INFO - ce=False +2015-04-21 15:02:58,053 - __main__ - INFO - ff= +2015-04-21 15:02:58,053 - __main__ - INFO - learn=False +2015-04-21 15:02:58,053 - __main__ - INFO - NG=20 +2015-04-21 15:02:58,053 - __main__ - INFO - nruns=10 +2015-04-21 15:02:58,053 - __main__ - INFO - pm=0.033 +2015-04-21 15:02:58,053 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:02:58,053 - __main__ - INFO - Starting run 0... +2015-04-21 15:02:58,053 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:02:58,055 - __main__ - INFO - Initialization Complete. +2015-04-21 15:02:58,055 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:02:58,057 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:02:58,057 - __main__ - INFO - Generation 0 running... +2015-04-21 15:02:58,057 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:02:58,057 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,058 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,061 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,062 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,065 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,066 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,069 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,069 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,072 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,073 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,075 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,076 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,079 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,082 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,083 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,086 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,086 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,090 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,091 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,095 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,095 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,098 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,099 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,102 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,103 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,105 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,106 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,108 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:02:58,109 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:02:58,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:02:58,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:02:58,112 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:02:58,112 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:02:58,112 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,112 - __main__ - INFO - Average Fitness Value of Generation: 261598571362363309905416290304.000000 +2015-04-21 15:02:58,112 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:02:58,113 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:02:58,113 - __main__ - INFO - Generation 1 running... +2015-04-21 15:02:58,113 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:02:58,113 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,114 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,117 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,117 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,122 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,123 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,127 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,128 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,132 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,132 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,135 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,136 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,139 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,139 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,142 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,143 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,146 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,146 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,149 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,150 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,153 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,154 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,158 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,158 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,163 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,164 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,167 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,167 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,170 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:02:58,171 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:02:58,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:02:58,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:02:58,174 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:02:58,174 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:02:58,174 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,174 - __main__ - INFO - Average Fitness Value of Generation: 836064001964408652643105243136.000000 +2015-04-21 15:02:58,174 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:02:58,175 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:02:58,175 - __main__ - INFO - Generation 2 running... +2015-04-21 15:02:58,175 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:02:58,176 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,176 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,179 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,179 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,183 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,183 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,186 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,186 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,190 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,190 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,194 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,194 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,198 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,198 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,203 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,204 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,206 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,207 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,210 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,211 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,214 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,214 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,217 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,217 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,220 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,221 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,224 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,224 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,227 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:02:58,228 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:02:58,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:02:58,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:02:58,232 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:02:58,233 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:02:58,233 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,233 - __main__ - INFO - Average Fitness Value of Generation: 709229242996565604985143820288.000000 +2015-04-21 15:02:58,233 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:02:58,233 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:02:58,233 - __main__ - INFO - Generation 3 running... +2015-04-21 15:02:58,234 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:02:58,234 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,235 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,239 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,240 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,243 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,243 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,246 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,246 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,249 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,250 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,253 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,253 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,256 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,257 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,259 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,260 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,263 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,264 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,267 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,267 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,272 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,273 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,276 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,277 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,280 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,280 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,283 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,284 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,287 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:02:58,287 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:02:58,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:02:58,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:02:58,290 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:02:58,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:02:58,290 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,290 - __main__ - INFO - Average Fitness Value of Generation: 878823799208808555158075080704.000000 +2015-04-21 15:02:58,290 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:02:58,291 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:02:58,291 - __main__ - INFO - Generation 4 running... +2015-04-21 15:02:58,291 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:02:58,292 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,292 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,295 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,295 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,298 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,299 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,302 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,302 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,307 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,308 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,312 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,313 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,316 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,316 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,319 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,319 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,322 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,323 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,326 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,326 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,329 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,329 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,332 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,332 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,336 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,336 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,339 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,340 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,344 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:02:58,345 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:02:58,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:02:58,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:02:58,349 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:02:58,350 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:02:58,350 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,350 - __main__ - INFO - Average Fitness Value of Generation: 1001315881516905823184992862208.000000 +2015-04-21 15:02:58,350 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:02:58,350 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:02:58,350 - __main__ - INFO - Generation 5 running... +2015-04-21 15:02:58,350 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:02:58,351 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,352 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,355 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,355 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,358 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,359 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,362 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,362 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,365 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,366 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,368 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,369 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,372 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,372 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,376 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,377 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,382 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,383 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,387 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,388 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,391 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,391 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,394 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,394 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,397 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,398 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,401 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,401 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,405 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:02:58,405 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:02:58,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:02:58,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:02:58,408 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:02:58,408 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:02:58,408 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,408 - __main__ - INFO - Average Fitness Value of Generation: 845834940968693043006632099840.000000 +2015-04-21 15:02:58,408 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:02:58,409 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:02:58,409 - __main__ - INFO - Generation 6 running... +2015-04-21 15:02:58,409 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:02:58,410 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,410 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,413 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,414 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,419 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,420 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,424 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,425 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,428 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,428 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,431 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,432 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,435 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,435 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,438 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,439 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,442 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,442 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,445 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,446 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,449 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,449 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,454 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,454 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,459 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,459 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,462 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,463 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,466 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:02:58,466 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:02:58,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:02:58,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:02:58,469 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:02:58,469 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:02:58,469 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,469 - __main__ - INFO - Average Fitness Value of Generation: 963344510610669403898560643072.000000 +2015-04-21 15:02:58,469 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:02:58,470 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:02:58,470 - __main__ - INFO - Generation 7 running... +2015-04-21 15:02:58,470 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:02:58,471 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,471 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,474 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,475 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,478 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,478 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,481 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,481 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,484 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,485 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,488 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,489 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,493 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,494 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,498 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,499 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,501 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,502 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,505 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,505 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,508 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,508 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,511 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,512 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,515 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,516 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,518 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,519 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,522 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:02:58,522 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:02:58,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:02:58,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:02:58,525 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:02:58,525 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 +2015-04-21 15:02:58,526 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,526 - __main__ - INFO - Average Fitness Value of Generation: 759639369442156739653376409600.000000 +2015-04-21 15:02:58,526 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:02:58,526 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:02:58,527 - __main__ - INFO - Generation 8 running... +2015-04-21 15:02:58,527 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:02:58,527 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,528 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,533 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,534 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,537 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,538 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,541 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,541 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,545 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,545 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,548 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,549 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,552 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,553 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,555 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,557 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,560 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,561 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,564 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,565 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,569 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,570 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,574 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,574 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,577 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,578 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,581 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,582 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,584 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:02:58,585 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:02:58,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:02:58,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:02:58,588 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:02:58,588 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:02:58,588 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,588 - __main__ - INFO - Average Fitness Value of Generation: 860243689550990640524711428096.000000 +2015-04-21 15:02:58,588 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:02:58,589 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:02:58,589 - __main__ - INFO - Generation 9 running... +2015-04-21 15:02:58,589 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:02:58,590 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,590 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,593 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,593 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,596 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,597 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,600 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,601 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,606 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,606 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,611 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,611 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,614 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,615 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,618 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,618 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,621 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,621 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,625 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,625 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,629 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,629 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,633 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,633 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,640 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,641 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,649 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,650 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,656 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:02:58,657 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:02:58,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:02:58,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:02:58,663 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:02:58,664 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:02:58,664 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:02:58,664 - __main__ - INFO - Average Fitness Value of Generation: 748927875873844635599890284544.000000 +2015-04-21 15:02:58,664 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:02:58,665 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:02:58,665 - __main__ - INFO - Finished run 0. +2015-04-21 15:02:58,665 - __main__ - INFO - Starting run 1... +2015-04-21 15:02:58,665 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:02:58,667 - __main__ - INFO - Initialization Complete. +2015-04-21 15:02:58,667 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:02:58,669 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:02:58,669 - __main__ - INFO - Generation 0 running... +2015-04-21 15:02:58,669 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:41,077 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:04:41,077 - __main__ - INFO - Program Arguments: +2015-04-21 15:04:41,077 - __main__ - INFO - plot=True +2015-04-21 15:04:41,077 - __main__ - INFO - autoscale=True +2015-04-21 15:04:41,077 - __main__ - INFO - G=10 +2015-04-21 15:04:41,077 - __main__ - INFO - l=20 +2015-04-21 15:04:41,078 - __main__ - INFO - experiment_number=1 +2015-04-21 15:04:41,078 - __main__ - INFO - N=30 +2015-04-21 15:04:41,078 - __main__ - INFO - pc=0.6 +2015-04-21 15:04:41,078 - __main__ - INFO - ce=False +2015-04-21 15:04:41,078 - __main__ - INFO - ff= +2015-04-21 15:04:41,078 - __main__ - INFO - learn=False +2015-04-21 15:04:41,078 - __main__ - INFO - NG=20 +2015-04-21 15:04:41,078 - __main__ - INFO - nruns=10 +2015-04-21 15:04:41,078 - __main__ - INFO - pm=0.033 +2015-04-21 15:04:41,078 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:04:41,078 - __main__ - INFO - Starting run 0... +2015-04-21 15:04:41,078 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:41,080 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:41,080 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:41,082 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:41,082 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:41,082 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:41,082 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,083 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,086 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,086 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,090 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,091 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,094 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,095 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,098 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,098 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,101 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,102 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,107 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,109 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,114 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,117 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,120 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,121 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,124 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,125 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,128 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,129 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,132 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,133 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,136 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,136 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,139 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,139 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,143 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,145 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,150 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:04:41,150 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:41,150 - __main__ - INFO - Fitness Value of Best Individual: 800550158557650266709393670144.000000 +2015-04-21 15:04:41,150 - __main__ - INFO - Average Fitness Value of Generation: 36067072319707025258605182976.000000 +2015-04-21 15:04:41,150 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:04:41,151 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:41,152 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:41,152 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:41,153 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,153 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,158 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,158 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,161 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,162 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,165 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,165 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,168 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,168 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,171 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,172 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,175 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,176 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,179 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,179 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,183 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,184 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,189 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,193 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,194 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,197 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,198 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,201 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,201 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,204 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,205 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,207 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,208 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,211 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:04:41,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:41,211 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 +2015-04-21 15:04:41,211 - __main__ - INFO - Average Fitness Value of Generation: 101145724619775390309830098944.000000 +2015-04-21 15:04:41,211 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:04:41,212 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:41,212 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:41,212 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:41,213 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,213 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,216 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,217 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,220 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,220 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,225 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,225 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,230 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,231 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,234 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,235 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,238 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,238 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,241 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,242 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,246 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,249 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,250 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,253 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,254 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,258 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,259 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,265 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,266 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,271 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,271 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,275 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,275 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,278 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:04:41,278 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:41,279 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 +2015-04-21 15:04:41,279 - __main__ - INFO - Average Fitness Value of Generation: 321846872243296080686590459904.000000 +2015-04-21 15:04:41,279 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:04:41,279 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:41,279 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:41,279 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:41,280 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,280 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,283 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,284 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,287 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,287 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,290 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,290 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,293 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,294 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,297 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,298 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,304 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,304 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,309 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,310 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,313 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,314 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,317 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,317 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,321 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,321 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,324 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,324 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,327 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,328 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,331 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,332 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,334 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,335 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,340 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:04:41,340 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:41,340 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:04:41,340 - __main__ - INFO - Average Fitness Value of Generation: 471223510081015003834465910784.000000 +2015-04-21 15:04:41,340 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:04:41,341 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:41,342 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:41,342 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:41,343 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,343 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,348 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,349 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,352 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,353 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,356 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,356 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,359 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,360 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,363 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,363 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,366 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,367 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,369 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,369 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,372 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,373 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,378 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,379 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,384 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,385 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,390 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,390 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,394 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,394 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,397 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,398 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,400 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:41,401 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:41,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:41,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:41,404 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:04:41,404 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:41,404 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:04:41,404 - __main__ - INFO - Average Fitness Value of Generation: 693459877807394537619798884352.000000 +2015-04-21 15:04:41,404 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:04:41,405 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:41,405 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:41,405 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:41,406 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,406 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,409 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,410 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,412 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,413 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,418 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,419 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,424 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,425 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,429 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,430 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,433 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,434 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,437 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,437 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,440 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,440 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,443 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,444 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,447 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,447 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,450 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,451 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,456 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,457 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,462 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,463 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,468 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:41,468 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:41,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:41,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:41,471 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:04:41,471 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:41,472 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:41,472 - __main__ - INFO - Average Fitness Value of Generation: 824422542283232650847059968000.000000 +2015-04-21 15:04:41,472 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:04:41,472 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:41,472 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:41,473 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:41,473 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,474 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,477 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,477 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,480 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,480 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,484 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,484 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,487 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,488 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,491 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,492 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,497 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,497 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,503 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,503 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,508 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,509 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,511 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,512 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,515 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,515 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,518 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,519 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,522 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,523 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,526 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,527 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,530 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:41,530 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:41,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:41,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:41,534 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:04:41,535 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:41,535 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:41,535 - __main__ - INFO - Average Fitness Value of Generation: 908776679624325870986784145408.000000 +2015-04-21 15:04:41,535 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:04:41,536 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:41,536 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:41,536 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:41,537 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,539 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,543 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,544 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,548 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,549 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,552 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,552 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,555 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,555 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,558 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,559 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,562 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,562 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,565 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,566 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,568 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,569 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,573 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,574 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,579 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,580 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,585 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,585 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,589 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,589 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,592 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,593 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,596 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:41,597 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:41,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:41,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:41,600 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:04:41,600 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:41,600 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:41,600 - __main__ - INFO - Average Fitness Value of Generation: 953111579397676356994777219072.000000 +2015-04-21 15:04:41,600 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:04:41,601 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:41,601 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:41,601 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:41,602 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,602 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,605 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,606 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,609 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,610 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,615 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,616 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,621 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,621 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,626 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,627 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,631 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,632 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,635 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,635 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,639 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,639 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,644 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,645 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,650 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,650 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,657 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,659 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,664 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,665 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,669 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,669 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,672 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:41,672 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:41,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:41,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:41,677 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:04:41,677 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:41,677 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:41,677 - __main__ - INFO - Average Fitness Value of Generation: 914747248794693462267338424320.000000 +2015-04-21 15:04:41,678 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:04:41,678 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:41,678 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:41,678 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:41,679 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,679 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,682 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,683 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,685 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,686 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,689 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,689 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,696 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,697 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,701 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,702 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,706 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,706 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,710 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,711 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,714 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,715 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,718 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,718 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,721 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,722 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,725 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,726 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,729 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,731 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,736 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,737 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,741 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:41,742 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:41,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:41,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:41,747 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:04:41,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:04:41,747 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:41,747 - __main__ - INFO - Average Fitness Value of Generation: 908715679297516064620593283072.000000 +2015-04-21 15:04:41,747 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:04:41,748 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:41,748 - __main__ - INFO - Finished run 0. +2015-04-21 15:04:41,748 - __main__ - INFO - Starting run 1... +2015-04-21 15:04:41,748 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:41,749 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:41,749 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:41,751 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:41,751 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:41,751 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:41,752 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,752 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,756 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,757 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,760 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,761 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,764 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,765 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,768 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,768 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,774 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,775 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,779 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,780 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,785 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,786 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,788 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,789 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,792 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,793 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,796 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,797 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,800 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,800 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,803 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,804 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,807 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,808 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,814 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:41,815 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:41,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:41,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:41,820 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:04:41,820 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:04:41,820 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 +2015-04-21 15:04:41,820 - __main__ - INFO - Average Fitness Value of Generation: 88547109423147382077046915072.000000 +2015-04-21 15:04:41,820 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:04:41,821 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:41,821 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:41,821 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:41,822 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,823 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,826 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,826 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,829 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,829 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,833 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,833 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,836 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,837 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,839 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,840 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,843 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,843 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,847 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,848 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,853 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,855 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,859 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,860 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,863 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,864 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,867 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,868 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,871 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,872 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,875 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,875 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,879 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:41,879 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:41,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:41,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:41,882 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:04:41,882 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:41,882 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:04:41,882 - __main__ - INFO - Average Fitness Value of Generation: 387249336449169601862886752256.000000 +2015-04-21 15:04:41,883 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:04:41,883 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:41,883 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:41,883 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:41,884 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,885 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,890 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,892 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,897 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,898 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,902 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,903 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,906 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,906 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,909 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,910 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,913 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,913 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,916 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,916 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,919 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,919 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,922 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,923 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,926 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,927 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,933 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,934 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,938 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,939 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,943 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,943 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,946 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:41,946 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:41,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:41,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:41,950 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:04:41,950 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:41,950 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:41,950 - __main__ - INFO - Average Fitness Value of Generation: 509352615100080690556192161792.000000 +2015-04-21 15:04:41,950 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:04:41,951 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:41,951 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:41,951 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:41,952 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,953 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,956 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,956 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,959 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,960 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,963 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,964 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,969 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,970 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,974 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,975 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,980 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,981 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,984 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,985 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,987 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,988 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,991 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,992 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,995 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,995 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:41,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:41,998 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:41,999 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:41,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,001 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,002 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,007 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,007 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,013 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,014 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,019 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:04:42,019 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:42,019 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,019 - __main__ - INFO - Average Fitness Value of Generation: 485468651983468436128280870912.000000 +2015-04-21 15:04:42,020 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:04:42,020 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:42,020 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:42,020 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:42,021 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,022 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,025 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,025 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,028 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,029 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,032 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,032 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,035 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,035 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,038 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,038 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,041 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,042 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,045 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,045 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,050 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,050 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,055 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,055 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,058 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,059 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,062 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,063 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,065 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,066 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,069 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,069 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,072 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,072 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,076 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:04:42,076 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:04:42,076 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,076 - __main__ - INFO - Average Fitness Value of Generation: 719084584816528133841093656576.000000 +2015-04-21 15:04:42,076 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:04:42,076 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:42,077 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:42,077 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:42,077 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,078 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,081 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,082 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,087 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,087 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,092 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,093 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,096 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,096 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,099 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,100 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,103 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,103 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,106 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,107 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,109 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,110 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,113 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,113 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,117 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,117 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,122 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,123 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,128 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,129 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,133 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,134 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,136 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,137 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,140 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:04:42,140 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:42,140 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,140 - __main__ - INFO - Average Fitness Value of Generation: 840046794223176563152843177984.000000 +2015-04-21 15:04:42,140 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:04:42,141 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:42,141 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:42,141 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:42,142 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,142 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,145 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,146 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,149 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,150 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,153 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,153 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,157 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,157 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,164 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,165 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,169 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,169 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,173 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,174 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,177 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,177 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,180 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,181 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,184 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,184 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,187 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,188 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,190 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,191 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,193 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,194 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,198 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,199 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,204 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:04:42,205 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:42,205 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,205 - __main__ - INFO - Average Fitness Value of Generation: 835264886177749470290015944704.000000 +2015-04-21 15:04:42,205 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:04:42,206 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:42,206 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:42,206 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:42,207 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,208 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,212 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,212 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,215 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,216 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,219 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,220 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,223 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,223 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,226 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,227 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,230 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,231 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,234 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,234 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,239 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,240 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,245 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,247 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,251 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,251 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,255 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,255 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,258 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,259 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,262 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,263 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,266 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,266 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,269 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:04:42,269 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:42,269 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,269 - __main__ - INFO - Average Fitness Value of Generation: 815369092898449240965525798912.000000 +2015-04-21 15:04:42,269 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:04:42,270 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:42,270 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:42,270 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:42,271 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,271 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,274 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,275 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,280 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,282 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,286 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,287 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,291 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,292 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,295 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,296 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,299 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,299 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,303 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,303 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,306 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,306 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,309 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,310 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,312 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,313 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,317 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,318 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,324 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,324 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,329 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,329 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,332 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,333 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,336 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:04:42,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:04:42,336 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,336 - __main__ - INFO - Average Fitness Value of Generation: 787743247661130489264733159424.000000 +2015-04-21 15:04:42,336 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:04:42,337 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:42,337 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:42,337 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:42,337 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,338 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,341 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,341 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,344 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,345 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,348 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,348 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,351 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,351 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,354 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,355 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,359 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,359 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,364 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,364 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,369 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,369 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,373 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,373 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,376 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,376 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,379 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,379 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,383 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,383 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,386 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,387 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,390 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,390 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,394 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:04:42,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:42,394 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,394 - __main__ - INFO - Average Fitness Value of Generation: 856426289965711235950003093504.000000 +2015-04-21 15:04:42,394 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:04:42,395 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:42,395 - __main__ - INFO - Finished run 1. +2015-04-21 15:04:42,395 - __main__ - INFO - Starting run 2... +2015-04-21 15:04:42,395 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:42,397 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:42,397 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:42,399 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:42,399 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:42,399 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:42,400 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,401 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,405 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,405 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,408 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,409 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,412 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,412 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,415 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,415 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,418 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,418 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,421 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,422 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,425 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,425 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,429 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,429 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,434 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,434 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,439 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,440 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,443 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,444 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,447 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,447 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,450 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,450 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,453 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:42,454 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:42,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:42,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:42,457 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:04:42,457 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:42,457 - __main__ - INFO - Fitness Value of Best Individual: 206337757792622363452349874176.000000 +2015-04-21 15:04:42,457 - __main__ - INFO - Average Fitness Value of Generation: 37992067989543039497152757760.000000 +2015-04-21 15:04:42,457 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:04:42,458 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:42,458 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:42,458 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:42,459 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,459 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,462 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,462 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,467 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,469 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,474 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,474 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,479 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,479 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,482 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,483 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,485 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,486 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,488 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,489 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,492 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,492 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,495 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,496 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,499 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,499 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,502 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,503 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,506 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,509 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,513 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,514 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,518 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:42,518 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:42,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:42,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:42,521 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:04:42,521 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:42,521 - __main__ - INFO - Fitness Value of Best Individual: 532912519002224468952398954496.000000 +2015-04-21 15:04:42,522 - __main__ - INFO - Average Fitness Value of Generation: 99605691043912292937173565440.000000 +2015-04-21 15:04:42,522 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:04:42,522 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:42,522 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:42,523 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:42,523 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,524 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,527 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,527 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,530 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,530 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,533 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,534 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,537 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,537 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,541 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,542 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,547 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,548 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,552 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,552 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,557 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,557 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,560 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,561 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,564 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,564 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,567 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,568 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,571 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,571 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,574 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,575 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,578 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:42,578 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:42,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:42,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:42,582 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:04:42,583 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:42,583 - __main__ - INFO - Fitness Value of Best Individual: 768403914771086839074355412992.000000 +2015-04-21 15:04:42,583 - __main__ - INFO - Average Fitness Value of Generation: 160993698973286785468751413248.000000 +2015-04-21 15:04:42,583 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:04:42,584 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:42,584 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:42,584 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:42,585 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,586 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,591 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,592 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,596 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,596 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,599 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,600 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,603 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,603 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,606 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,606 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,609 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,610 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,613 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,614 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,616 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,617 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,620 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,621 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,626 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,627 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,632 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,633 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,636 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,637 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,641 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,641 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,645 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:42,646 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:42,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:42,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:42,652 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:04:42,652 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:04:42,653 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 +2015-04-21 15:04:42,653 - __main__ - INFO - Average Fitness Value of Generation: 242727681399967511105180270592.000000 +2015-04-21 15:04:42,653 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:04:42,654 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:42,654 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:42,654 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:42,654 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,655 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,662 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,663 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,669 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,670 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,674 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,675 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,678 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,678 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,681 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,682 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,685 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,685 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,688 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,688 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,693 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,693 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,697 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,697 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,702 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,703 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,709 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,709 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,714 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,714 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,718 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,718 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,722 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:42,723 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:42,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:42,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:42,725 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:04:42,725 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:42,726 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,726 - __main__ - INFO - Average Fitness Value of Generation: 432601704608711133917586915328.000000 +2015-04-21 15:04:42,726 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:04:42,726 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:42,726 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:42,726 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:42,727 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,728 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,731 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,731 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,734 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,735 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,738 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,739 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,744 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,746 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,749 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,750 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,755 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,755 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,758 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,758 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,761 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,762 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,764 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,765 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,768 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,769 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,772 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,772 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,775 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,775 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,780 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,781 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,786 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:42,787 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:42,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:42,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:42,792 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:04:42,792 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:42,792 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,792 - __main__ - INFO - Average Fitness Value of Generation: 647371307849145975120316071936.000000 +2015-04-21 15:04:42,792 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:04:42,793 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:42,793 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:42,793 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:42,794 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,795 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,798 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,798 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,801 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,801 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,804 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,805 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,808 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,809 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,811 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,812 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,815 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,815 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,820 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,821 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,826 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,827 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,831 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,832 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,835 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,835 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,838 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,839 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,842 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,842 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,845 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,846 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,849 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:42,849 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:42,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:42,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:42,852 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:04:42,852 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:04:42,852 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:04:42,853 - __main__ - INFO - Average Fitness Value of Generation: 707039878322758105560778801152.000000 +2015-04-21 15:04:42,853 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:04:42,853 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:42,853 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:42,853 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:42,854 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,855 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,858 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,858 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,861 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,862 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,866 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,867 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,871 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,872 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,875 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,875 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,878 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,879 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,882 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,882 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,885 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,886 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,889 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,889 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,892 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,892 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,895 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,896 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,901 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,902 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,906 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,907 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,909 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:42,910 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:42,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:42,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:42,913 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:04:42,913 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:42,913 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,913 - __main__ - INFO - Average Fitness Value of Generation: 726433331289984535361553956864.000000 +2015-04-21 15:04:42,913 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:04:42,913 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:42,913 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:42,914 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:42,914 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,915 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,918 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,918 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,921 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,922 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,925 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,926 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,929 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,930 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,933 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,939 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,940 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,944 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,944 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,948 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,951 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,951 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,954 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,955 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,958 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,958 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,961 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,962 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,965 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,965 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,969 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:42,969 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:42,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:42,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:42,973 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:04:42,973 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:42,973 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:42,973 - __main__ - INFO - Average Fitness Value of Generation: 635631626071904855768006918144.000000 +2015-04-21 15:04:42,973 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:04:42,974 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:42,974 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:42,974 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:42,975 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,976 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,980 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,981 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,984 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,984 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,987 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,988 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,991 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,991 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,994 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,994 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:42,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:42,997 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:42,998 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:42,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,001 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,001 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,004 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,005 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,010 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,011 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,015 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,016 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,019 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,019 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,022 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,023 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,025 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,026 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,029 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,029 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,032 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:04:43,032 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:43,032 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,032 - __main__ - INFO - Average Fitness Value of Generation: 830863156635000089344756154368.000000 +2015-04-21 15:04:43,032 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:04:43,033 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:43,033 - __main__ - INFO - Finished run 2. +2015-04-21 15:04:43,033 - __main__ - INFO - Starting run 3... +2015-04-21 15:04:43,033 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:43,034 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:43,034 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:43,036 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:43,036 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:43,036 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:43,037 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,037 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,040 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,041 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,045 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,046 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,051 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,052 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,054 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,055 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,058 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,058 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,061 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,062 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,065 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,065 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,069 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,069 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,072 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,073 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,078 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,085 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,085 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,090 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,090 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,093 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,094 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,097 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,097 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,100 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:04:43,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,100 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-21 15:04:43,100 - __main__ - INFO - Average Fitness Value of Generation: 167711725284021286121303441408.000000 +2015-04-21 15:04:43,100 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:04:43,101 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:43,101 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:43,101 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:43,101 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,102 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,105 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,106 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,108 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,109 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,112 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,112 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,115 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,116 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,120 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,120 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,124 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,125 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,129 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,130 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,133 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,134 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,137 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,137 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,140 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,141 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,144 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,145 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,147 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,148 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,151 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,152 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,155 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,156 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,160 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:04:43,161 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:43,161 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,161 - __main__ - INFO - Average Fitness Value of Generation: 587014995017612337107318079488.000000 +2015-04-21 15:04:43,161 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:04:43,162 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:43,162 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:43,162 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:43,163 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,164 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,167 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,168 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,171 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,171 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,174 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,175 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,178 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,178 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,181 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,181 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,184 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,185 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,188 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,189 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,195 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,196 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,200 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,201 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,205 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,205 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,209 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,209 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,212 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,212 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,216 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,216 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,219 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,219 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,223 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:04:43,223 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:43,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,223 - __main__ - INFO - Average Fitness Value of Generation: 532615038501281080915450134528.000000 +2015-04-21 15:04:43,223 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:04:43,224 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:43,224 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:43,224 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:43,224 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,225 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,229 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,230 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,234 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,235 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,239 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,240 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,244 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,244 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,247 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,247 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,250 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,251 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,254 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,254 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,257 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,258 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,261 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,261 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,264 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,265 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,268 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,269 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,272 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,273 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,278 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,279 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,282 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,282 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,286 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:04:43,286 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:43,286 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,286 - __main__ - INFO - Average Fitness Value of Generation: 725189918002376040808479457280.000000 +2015-04-21 15:04:43,286 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:04:43,287 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:43,287 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:43,287 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:43,287 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,288 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,291 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,291 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,294 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,294 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,297 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,298 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,300 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,301 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,304 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,305 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,309 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,309 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,314 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,314 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,318 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,318 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,321 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,322 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,324 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,325 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,328 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,328 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,331 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,332 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,335 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,335 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,338 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,338 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,342 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:04:43,342 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:43,342 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,342 - __main__ - INFO - Average Fitness Value of Generation: 614593386369711038964065894400.000000 +2015-04-21 15:04:43,342 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:04:43,343 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:43,343 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:43,343 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:43,344 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,344 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,349 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,349 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,354 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,355 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,357 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,358 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,361 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,362 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,364 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,365 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,368 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,368 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,371 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,371 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,375 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,375 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,378 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,379 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,382 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,382 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,387 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,387 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,391 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,392 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,395 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,396 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,399 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,399 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,402 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:04:43,402 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:43,402 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,402 - __main__ - INFO - Average Fitness Value of Generation: 1068071153654391129034218012672.000000 +2015-04-21 15:04:43,402 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:04:43,403 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:43,403 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:43,403 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:43,404 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,404 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,407 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,408 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,410 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,411 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,414 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,415 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,419 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,420 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,424 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,425 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,429 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,429 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,432 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,433 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,436 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,437 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,440 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,440 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,443 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,444 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,447 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,447 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,450 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,450 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,453 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,454 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,459 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:43,459 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:43,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:43,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:43,463 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:04:43,464 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:43,464 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,464 - __main__ - INFO - Average Fitness Value of Generation: 851473798780235374981000724480.000000 +2015-04-21 15:04:43,464 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:04:43,464 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:43,465 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:43,465 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:43,465 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,466 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,469 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,469 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,472 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,472 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,475 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,476 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,479 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,479 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,482 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,483 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,486 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,486 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,489 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,490 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,494 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,495 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,499 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,500 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,503 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,504 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,507 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,507 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,510 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,510 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,513 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,514 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,516 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:43,517 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:43,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:43,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:43,519 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:04:43,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,520 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,520 - __main__ - INFO - Average Fitness Value of Generation: 899993482741021743731921911808.000000 +2015-04-21 15:04:43,520 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:04:43,520 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:43,520 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:43,521 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:43,521 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,522 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,525 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,526 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,531 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,532 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,536 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,537 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,540 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,540 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,543 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,544 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,547 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,547 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,550 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,550 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,553 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,553 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,556 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,557 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,560 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,561 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,565 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,568 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,572 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,573 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,576 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,577 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,579 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:43,580 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:43,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:43,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:43,583 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:04:43,583 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:43,583 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,583 - __main__ - INFO - Average Fitness Value of Generation: 853395613527018379178152034304.000000 +2015-04-21 15:04:43,583 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:04:43,584 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:43,584 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:43,584 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:43,585 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,585 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,588 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,589 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,591 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,592 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,595 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,595 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,598 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,599 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,603 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,603 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,607 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,608 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,612 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,613 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,616 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,616 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,619 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,619 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,623 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,623 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,627 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,627 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,630 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,631 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,635 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,636 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,639 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:43,640 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:43,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:43,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:43,646 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:04:43,647 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:04:43,647 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,647 - __main__ - INFO - Average Fitness Value of Generation: 938191949391118360931546955776.000000 +2015-04-21 15:04:43,647 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:04:43,648 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:43,648 - __main__ - INFO - Finished run 3. +2015-04-21 15:04:43,648 - __main__ - INFO - Starting run 4... +2015-04-21 15:04:43,649 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:43,651 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:43,651 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:43,654 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:43,654 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:43,654 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:43,655 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,656 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,661 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,661 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,665 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,665 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,668 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,669 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,672 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,674 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,679 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,680 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,685 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,686 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,691 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,692 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,695 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,695 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,699 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,699 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,702 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,703 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,707 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,708 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,711 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,712 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,715 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,715 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,720 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:43,722 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:43,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:43,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:43,726 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:04:43,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:04:43,726 - __main__ - INFO - Fitness Value of Best Individual: 760551106801129649655726997504.000000 +2015-04-21 15:04:43,727 - __main__ - INFO - Average Fitness Value of Generation: 108282860043767339981423509504.000000 +2015-04-21 15:04:43,727 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:04:43,728 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:43,728 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:43,728 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:43,729 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,729 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,733 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,733 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,736 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,737 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,740 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,740 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,743 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,744 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,747 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,747 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,750 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,751 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,754 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,755 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,761 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,762 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,766 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,767 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,770 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,771 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,774 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,775 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,778 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,778 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,781 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,782 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,785 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:43,785 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:43,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:43,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:43,788 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:04:43,788 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,788 - __main__ - INFO - Fitness Value of Best Individual: 760551106801129649655726997504.000000 +2015-04-21 15:04:43,788 - __main__ - INFO - Average Fitness Value of Generation: 306951168553644186832782491648.000000 +2015-04-21 15:04:43,788 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:04:43,789 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:43,789 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:43,789 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:43,790 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,791 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,794 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,794 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,800 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,801 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,805 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,806 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,810 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,810 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,813 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,814 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,816 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,817 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,820 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,820 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,824 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,824 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,827 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,827 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,830 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,830 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,834 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,835 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,841 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,842 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,846 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,847 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,851 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:43,851 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:43,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:43,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:43,854 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:04:43,854 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,854 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:04:43,854 - __main__ - INFO - Average Fitness Value of Generation: 488203228121566798599262568448.000000 +2015-04-21 15:04:43,855 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:04:43,855 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:43,855 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:43,855 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:43,856 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,856 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,859 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,859 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,862 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,863 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,866 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,867 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,869 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,870 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,873 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,873 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,877 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,877 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,881 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,882 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,887 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,887 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,890 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,891 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,894 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,894 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,897 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,898 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,901 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,901 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,904 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,904 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,907 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:43,908 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:43,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:43,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:43,911 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:04:43,911 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,911 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,911 - __main__ - INFO - Average Fitness Value of Generation: 628278262430765583645842341888.000000 +2015-04-21 15:04:43,911 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:04:43,912 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:43,912 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:43,912 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:43,913 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,913 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,918 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,919 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,924 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,924 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,927 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,928 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,931 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,932 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,934 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,935 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,938 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,938 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,941 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,942 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,945 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,945 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,948 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,948 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,951 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,952 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,956 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,957 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,961 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,962 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,965 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,965 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,968 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:43,968 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:43,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:43,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:43,971 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:04:43,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:43,972 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:43,972 - __main__ - INFO - Average Fitness Value of Generation: 789965944750017940249087311872.000000 +2015-04-21 15:04:43,972 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:04:43,972 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:43,972 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:43,972 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:43,973 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,974 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,976 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,977 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,980 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,981 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,984 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,985 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,988 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,988 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,993 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,993 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:43,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:43,998 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:43,998 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:43,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,001 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,002 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,005 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,005 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,008 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,009 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,011 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,012 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,015 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,015 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,018 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,019 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,022 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,022 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,026 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,026 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,031 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:04:44,031 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:44,031 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,031 - __main__ - INFO - Average Fitness Value of Generation: 697642743589513051492912726016.000000 +2015-04-21 15:04:44,032 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:04:44,033 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:44,033 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:44,033 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:44,034 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,035 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,038 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,038 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,041 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,041 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,044 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,045 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,048 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,049 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,052 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,053 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,056 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,056 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,059 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,060 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,064 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,065 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,068 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,069 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,073 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,074 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,077 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,077 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,080 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,081 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,084 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,084 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,087 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,088 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,091 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:04:44,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:44,091 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:44,091 - __main__ - INFO - Average Fitness Value of Generation: 757752724512888888032051068928.000000 +2015-04-21 15:04:44,091 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:04:44,092 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:44,092 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:44,092 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:44,093 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,093 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,096 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,097 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,101 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,102 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,106 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,107 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,110 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,111 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,114 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,114 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,118 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,118 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,121 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,122 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,125 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,126 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,129 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,129 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,134 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,135 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,141 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,142 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,146 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,147 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,150 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,150 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,153 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,153 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,156 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:04:44,156 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:44,156 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:44,157 - __main__ - INFO - Average Fitness Value of Generation: 758491795013212605190783369216.000000 +2015-04-21 15:04:44,157 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:04:44,157 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:44,157 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:44,157 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:44,158 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,158 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,161 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,162 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,165 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,165 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,168 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,169 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,172 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,173 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,179 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,180 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,184 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,185 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,189 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,189 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,193 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,193 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,197 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,198 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,202 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,202 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,205 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,206 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,209 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,210 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,214 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,216 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,220 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,221 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,225 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:04:44,225 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:44,225 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:44,225 - __main__ - INFO - Average Fitness Value of Generation: 945843078386560380936776581120.000000 +2015-04-21 15:04:44,226 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:04:44,226 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:44,226 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:44,226 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:44,227 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,227 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,230 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,231 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,234 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,234 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,237 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,238 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,241 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,241 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,244 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,245 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,248 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,249 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,254 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,256 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,260 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,261 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,265 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,265 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,268 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,269 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,272 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,272 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,275 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,276 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,279 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,279 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,282 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,282 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,285 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:04:44,285 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:44,285 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,285 - __main__ - INFO - Average Fitness Value of Generation: 781334442246960058244173660160.000000 +2015-04-21 15:04:44,285 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:04:44,286 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:44,286 - __main__ - INFO - Finished run 4. +2015-04-21 15:04:44,286 - __main__ - INFO - Starting run 5... +2015-04-21 15:04:44,286 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:44,287 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:44,288 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:44,289 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:44,289 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:44,289 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:44,290 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,291 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,295 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,296 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,301 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,301 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,304 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,305 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,308 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,308 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,311 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,311 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,314 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,315 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,318 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,319 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,322 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,323 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,326 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,326 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,331 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,332 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,337 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,338 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,341 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,341 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,345 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,345 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,348 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,349 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,352 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:04:44,352 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:44,352 - __main__ - INFO - Fitness Value of Best Individual: 817072806887546894156245762048.000000 +2015-04-21 15:04:44,352 - __main__ - INFO - Average Fitness Value of Generation: 68869851322382883429157961728.000000 +2015-04-21 15:04:44,352 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:04:44,353 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:44,353 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:44,353 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:44,354 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,354 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,357 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,358 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,361 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,362 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,367 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,368 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,373 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,373 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,378 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,378 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,381 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,382 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,385 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,385 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,388 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,389 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,392 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,392 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,395 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,396 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,399 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,399 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,403 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,405 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,411 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,412 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,416 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,417 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:44,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:44,420 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:04:44,420 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:44,420 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 +2015-04-21 15:04:44,420 - __main__ - INFO - Average Fitness Value of Generation: 295745186031171867695214755840.000000 +2015-04-21 15:04:44,420 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:04:44,421 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:44,421 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:44,421 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:44,422 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,422 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,425 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,426 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,429 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,430 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,432 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,433 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,436 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,436 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,439 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,439 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,444 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,445 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,450 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,451 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,455 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,456 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,459 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,460 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,462 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,463 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,465 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,466 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,469 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,470 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,473 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,473 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,476 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:44,476 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:44,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:44,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:44,481 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:04:44,481 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:44,481 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:04:44,481 - __main__ - INFO - Average Fitness Value of Generation: 578441295078748168602567835648.000000 +2015-04-21 15:04:44,481 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:04:44,482 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:44,482 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:44,482 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:44,484 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,484 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,489 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,490 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,495 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,495 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,498 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,498 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,501 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,501 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,504 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,505 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,508 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,508 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,511 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,511 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,514 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,515 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,518 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,518 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,523 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,524 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,529 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,530 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,534 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,535 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,538 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,538 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,542 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:44,542 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:44,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:44,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:44,545 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:04:44,545 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:44,545 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 +2015-04-21 15:04:44,545 - __main__ - INFO - Average Fitness Value of Generation: 533973700397469817318716473344.000000 +2015-04-21 15:04:44,545 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:04:44,546 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:44,546 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:44,546 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:44,547 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,548 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,551 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,551 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,554 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,555 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,557 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,558 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,561 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,561 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,565 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,566 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,571 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,571 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,575 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,575 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,578 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,578 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,581 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,582 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,585 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,585 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,588 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,588 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,591 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,592 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,595 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,595 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,598 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:44,599 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:44,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:44,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:44,604 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:04:44,604 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:04:44,604 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:04:44,604 - __main__ - INFO - Average Fitness Value of Generation: 550694810114644649028175790080.000000 +2015-04-21 15:04:44,604 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:04:44,605 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:44,605 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:44,605 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:44,606 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,607 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,611 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,612 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,614 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,615 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,618 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,619 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,622 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,622 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,625 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,626 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,629 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,630 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,633 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,634 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,637 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,638 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,643 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,644 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,651 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,652 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,656 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,656 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,660 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,661 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,664 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,665 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,668 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:44,668 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:44,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:44,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:44,672 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:04:44,673 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:44,673 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:44,673 - __main__ - INFO - Average Fitness Value of Generation: 487998657491746333506125430784.000000 +2015-04-21 15:04:44,673 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:04:44,675 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:44,675 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:44,675 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:44,676 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,677 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,682 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,683 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,687 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,687 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,692 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,692 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,695 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,696 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,699 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,699 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,702 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,703 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,707 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,708 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,711 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,712 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,715 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,716 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,720 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,720 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,725 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,726 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,729 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,729 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,732 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,733 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,736 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:44,736 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:44,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:44,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:44,739 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:04:44,739 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:44,740 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,740 - __main__ - INFO - Average Fitness Value of Generation: 743194183158992911584003620864.000000 +2015-04-21 15:04:44,740 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:04:44,740 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:44,740 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:44,740 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:44,741 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,742 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,744 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,745 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,748 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,748 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,751 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,752 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,756 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,757 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,761 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,762 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,765 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,766 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,769 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,770 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,772 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,773 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,776 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,776 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,779 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,779 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,782 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,783 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,786 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,786 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,790 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,791 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,795 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:44,796 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:44,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:44,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:44,799 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:04:44,799 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:44,800 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,800 - __main__ - INFO - Average Fitness Value of Generation: 960130931842307416240131407872.000000 +2015-04-21 15:04:44,800 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:04:44,800 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:44,800 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:44,801 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:44,801 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,802 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,805 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,805 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,808 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,809 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,812 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,813 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,816 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,816 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,819 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,819 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,823 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,825 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,831 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,832 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,836 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,837 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,840 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,840 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,844 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,844 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,847 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,847 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,850 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,851 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,854 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,854 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,857 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:44,857 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:44,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:44,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:44,861 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:04:44,861 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:44,861 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,861 - __main__ - INFO - Average Fitness Value of Generation: 888218012725904267296406241280.000000 +2015-04-21 15:04:44,861 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:04:44,862 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:44,862 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:44,862 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:44,863 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,864 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,870 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,871 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,875 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,876 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,879 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,879 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,882 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,882 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,885 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,886 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,889 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,889 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,892 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,892 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,896 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,896 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,899 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,899 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,903 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,903 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,908 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,909 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,914 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,914 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,917 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,918 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,921 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:44,921 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:44,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:44,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:44,924 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:04:44,924 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:44,924 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:44,924 - __main__ - INFO - Average Fitness Value of Generation: 849408264024344884244895498240.000000 +2015-04-21 15:04:44,924 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:04:44,925 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:44,925 - __main__ - INFO - Finished run 5. +2015-04-21 15:04:44,925 - __main__ - INFO - Starting run 6... +2015-04-21 15:04:44,925 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:44,926 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:44,927 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:44,928 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:44,928 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:44,928 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:44,929 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,929 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,932 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,933 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,936 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,936 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,941 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,943 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,948 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,949 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,954 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,955 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,958 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,958 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,961 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,961 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,965 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,965 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,968 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,969 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,972 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,972 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,976 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,976 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,980 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,981 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,986 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,987 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,991 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:44,992 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:44,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:44,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:44,995 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:04:44,995 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:44,995 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:04:44,995 - __main__ - INFO - Average Fitness Value of Generation: 229939318341410114325656371200.000000 +2015-04-21 15:04:44,996 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:04:44,996 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:44,996 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:44,996 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:44,997 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:44,997 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:44,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,000 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,000 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,004 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,004 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,007 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,007 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,010 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,011 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,014 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,014 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,017 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,018 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,022 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,023 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,027 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,028 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,030 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,031 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,034 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,034 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,037 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,038 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,041 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,041 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,045 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,045 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,048 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,048 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,051 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:04:45,051 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:45,051 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,051 - __main__ - INFO - Average Fitness Value of Generation: 698504595964065450301000253440.000000 +2015-04-21 15:04:45,052 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:04:45,052 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:45,052 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:45,052 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:45,053 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,053 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,058 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,058 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,063 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,063 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,067 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,068 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,071 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,071 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,074 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,074 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,077 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,078 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,081 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,081 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,084 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,085 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,088 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,088 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,091 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,092 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,096 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,096 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,101 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,101 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,104 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,104 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,107 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,108 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,111 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:04:45,111 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:45,111 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,111 - __main__ - INFO - Average Fitness Value of Generation: 1031543513522225631703353786368.000000 +2015-04-21 15:04:45,111 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:04:45,112 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:45,112 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:45,112 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:45,113 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,113 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,116 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,116 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,119 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,120 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,123 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,124 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,127 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,128 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,133 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,133 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,137 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,138 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,141 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,142 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,145 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,145 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,148 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,148 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,151 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,152 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,155 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,155 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,158 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,158 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,161 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,162 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,165 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,165 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,169 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:04:45,169 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:45,169 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,170 - __main__ - INFO - Average Fitness Value of Generation: 852649242654223397521123704832.000000 +2015-04-21 15:04:45,170 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:04:45,170 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:45,170 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:45,170 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:45,171 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,173 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,176 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,176 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,179 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,180 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,183 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,184 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,187 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,187 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,190 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,190 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,194 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,194 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,197 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,197 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,201 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,201 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,206 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,207 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,211 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,211 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,214 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,215 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,218 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,218 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,221 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,222 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,225 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,226 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,229 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:04:45,229 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:04:45,229 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,229 - __main__ - INFO - Average Fitness Value of Generation: 1014464255769858136160830750720.000000 +2015-04-21 15:04:45,229 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:04:45,230 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:45,230 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:45,230 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:45,230 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,231 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,234 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,234 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,237 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,238 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,242 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,243 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,248 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,248 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,251 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,252 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,255 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,256 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,259 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,259 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,262 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,263 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,266 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,266 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,269 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,270 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,273 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,273 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,278 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,278 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,282 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,283 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,287 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,287 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,290 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:04:45,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:45,291 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,291 - __main__ - INFO - Average Fitness Value of Generation: 983017347103134805470029545472.000000 +2015-04-21 15:04:45,291 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:04:45,291 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:45,291 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:45,292 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:45,292 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,293 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,295 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,296 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,299 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,299 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,302 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,302 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,305 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,306 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,309 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,310 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,313 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,315 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,320 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,320 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,323 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,324 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,327 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,327 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,330 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,331 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,334 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,335 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,338 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,338 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,341 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,341 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,344 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,345 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,349 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:04:45,349 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:45,349 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,349 - __main__ - INFO - Average Fitness Value of Generation: 820876006455016101060263542784.000000 +2015-04-21 15:04:45,349 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:04:45,350 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:45,350 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:45,350 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:45,351 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,352 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,356 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,357 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,360 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,360 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,363 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,364 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,367 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,367 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,370 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,370 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,373 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,374 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,377 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,377 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,380 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,382 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,386 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,387 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,392 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,393 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,397 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,398 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,401 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,402 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,405 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,405 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,408 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:45,409 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:45,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:45,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:45,412 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:04:45,412 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 +2015-04-21 15:04:45,412 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,413 - __main__ - INFO - Average Fitness Value of Generation: 862798204206010247383275798528.000000 +2015-04-21 15:04:45,413 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:04:45,413 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:45,413 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:45,413 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:45,414 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,414 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,417 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,418 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,421 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,421 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,426 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,427 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,432 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,433 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,437 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,438 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,441 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,441 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,444 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,445 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,448 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,448 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,451 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,451 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,454 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,454 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,457 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,458 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,461 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,463 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,469 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,469 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,474 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:45,475 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:45,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:45,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:45,478 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:04:45,478 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:45,479 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,479 - __main__ - INFO - Average Fitness Value of Generation: 882520324105605326627235954688.000000 +2015-04-21 15:04:45,479 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:04:45,479 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:45,479 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:45,480 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:45,480 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,481 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,484 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,484 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,487 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,487 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,490 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,491 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,494 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,495 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,497 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,498 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,502 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,502 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,507 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,508 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,513 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,513 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,518 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,518 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,521 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,522 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,525 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,525 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,528 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,529 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,532 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,532 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,535 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:45,536 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:45,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:45,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:45,539 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:04:45,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:45,539 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,539 - __main__ - INFO - Average Fitness Value of Generation: 942502257375854471279139618816.000000 +2015-04-21 15:04:45,539 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:04:45,540 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:45,540 - __main__ - INFO - Finished run 6. +2015-04-21 15:04:45,540 - __main__ - INFO - Starting run 7... +2015-04-21 15:04:45,540 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:45,542 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:45,542 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:45,544 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:45,545 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:45,545 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:45,546 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,547 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,552 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,552 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,557 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,557 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,560 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,561 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,563 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,564 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,566 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,567 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,569 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,572 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,575 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,576 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,579 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,579 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,582 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,583 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,586 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,587 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,590 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,591 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,595 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,595 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,599 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,599 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,602 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:45,603 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:45,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:45,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:45,606 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:04:45,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:04:45,606 - __main__ - INFO - Fitness Value of Best Individual: 693059209730176842726283149312.000000 +2015-04-21 15:04:45,606 - __main__ - INFO - Average Fitness Value of Generation: 42971314526378516615715094528.000000 +2015-04-21 15:04:45,606 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:04:45,607 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:45,607 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:45,607 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:45,608 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,608 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,611 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,612 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,615 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,615 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,618 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,619 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,623 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,624 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,628 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,629 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,634 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,634 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,639 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,639 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,645 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,645 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,648 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,649 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,654 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,656 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,660 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,661 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,666 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,667 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,675 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,676 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,685 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:45,686 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:45,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:45,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:45,693 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:04:45,693 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:45,693 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 +2015-04-21 15:04:45,694 - __main__ - INFO - Average Fitness Value of Generation: 352722427039690677642657267712.000000 +2015-04-21 15:04:45,694 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:04:45,695 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:45,695 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:45,695 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:45,696 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,696 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,703 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,704 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,711 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,711 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,718 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,718 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,723 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,724 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,727 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,728 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,730 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,731 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,734 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,735 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,738 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,738 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,743 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,743 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,746 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,746 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,751 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,752 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,757 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,758 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,762 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,763 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,766 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:45,767 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:45,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:45,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:45,770 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:04:45,770 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:45,770 - __main__ - INFO - Fitness Value of Best Individual: 970401776948916843082575511552.000000 +2015-04-21 15:04:45,770 - __main__ - INFO - Average Fitness Value of Generation: 375591929359778415976539750400.000000 +2015-04-21 15:04:45,770 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:04:45,771 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:45,771 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:45,771 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:45,771 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,772 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,775 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,775 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,778 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,779 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,782 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,782 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,785 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,785 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,790 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,791 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,797 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,798 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,802 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,802 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,806 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,806 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,809 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,810 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,813 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,813 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,816 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,817 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,820 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,820 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,823 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,824 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,827 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:45,828 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:45,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:45,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:45,834 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:04:45,834 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:04:45,834 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:04:45,835 - __main__ - INFO - Average Fitness Value of Generation: 616129045967825140931541073920.000000 +2015-04-21 15:04:45,835 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:04:45,835 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:45,836 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:45,836 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:45,837 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,837 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,842 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,842 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,845 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,846 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,849 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,849 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,852 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,852 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,855 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,856 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,859 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,859 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,862 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,863 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,866 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,866 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,871 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,873 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,877 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,877 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,882 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,882 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,885 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,886 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,889 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,889 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,893 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:45,893 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:45,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:45,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:45,896 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:04:45,897 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:45,897 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:45,897 - __main__ - INFO - Average Fitness Value of Generation: 652320919798623579781508104192.000000 +2015-04-21 15:04:45,897 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:04:45,897 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:45,897 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:45,898 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:45,898 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,899 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,902 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,902 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,907 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,907 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,913 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,914 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,918 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,918 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,922 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,923 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,926 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,927 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,930 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,930 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,933 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,934 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,936 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,937 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,939 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,940 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,943 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,944 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,948 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,948 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,954 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,955 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,959 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:45,960 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:45,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:45,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:45,963 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:04:45,964 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:45,964 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-21 15:04:45,964 - __main__ - INFO - Average Fitness Value of Generation: 787406614340811304028598173696.000000 +2015-04-21 15:04:45,964 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:04:45,964 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:45,965 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:45,965 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:45,965 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,966 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,969 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,969 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,972 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,972 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,975 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,976 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,979 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,980 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,982 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,983 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,988 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,988 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,994 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,994 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:45,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:45,999 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:45,999 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:45,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,002 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,003 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,006 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,007 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,009 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,010 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,013 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,014 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,017 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,017 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,020 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,021 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,025 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:04:46,025 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:46,025 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:46,026 - __main__ - INFO - Average Fitness Value of Generation: 736797786601975411731435880448.000000 +2015-04-21 15:04:46,026 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:04:46,027 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:46,027 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:46,027 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:46,028 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,029 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,034 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,035 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,039 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,040 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,043 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,043 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,046 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,047 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,050 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,050 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,053 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,054 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,057 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,058 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,060 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,061 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,065 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,066 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,071 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,073 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,078 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,078 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,081 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,082 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,085 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,085 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,088 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,089 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,092 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:04:46,092 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:46,092 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:46,092 - __main__ - INFO - Average Fitness Value of Generation: 908258416304816780580686397440.000000 +2015-04-21 15:04:46,093 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:04:46,093 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:46,093 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:46,093 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:46,094 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,094 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,097 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,098 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,101 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,103 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,108 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,109 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,113 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,114 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,119 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,119 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,122 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,123 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,126 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,126 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,129 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,129 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,132 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,133 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,136 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,137 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,140 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,140 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,145 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,146 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,151 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,152 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,156 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,157 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,160 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:04:46,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:46,160 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,160 - __main__ - INFO - Average Fitness Value of Generation: 881043694856394842710019670016.000000 +2015-04-21 15:04:46,160 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:04:46,161 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:46,161 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:46,161 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:46,162 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,162 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,166 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,166 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,169 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,170 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,173 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,173 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,176 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,177 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,180 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,181 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,186 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,186 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,191 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,191 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,196 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,196 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,199 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,200 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,203 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,203 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,206 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,207 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,209 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,210 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,213 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,213 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,216 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,217 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,220 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:04:46,221 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:46,221 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,221 - __main__ - INFO - Average Fitness Value of Generation: 697765837155898381655089348608.000000 +2015-04-21 15:04:46,221 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:04:46,222 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:46,222 - __main__ - INFO - Finished run 7. +2015-04-21 15:04:46,222 - __main__ - INFO - Starting run 8... +2015-04-21 15:04:46,222 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:46,224 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:46,225 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:46,228 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:46,228 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:46,228 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:46,229 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,229 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,234 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,235 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,238 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,239 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,242 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,242 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,246 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,246 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,249 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,250 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,253 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,254 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,257 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,258 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,263 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,263 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,269 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,270 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,274 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,275 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,278 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,279 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,282 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,282 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,285 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,286 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,289 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,290 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,293 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:04:46,293 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:46,293 - __main__ - INFO - Fitness Value of Best Individual: 664832635991501045760000000000.000000 +2015-04-21 15:04:46,293 - __main__ - INFO - Average Fitness Value of Generation: 53513589824212039375767207936.000000 +2015-04-21 15:04:46,293 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:04:46,294 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:46,294 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:46,294 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:46,295 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,295 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,298 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,299 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,302 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,303 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,308 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,308 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,313 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,314 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,317 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,317 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,320 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,320 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,324 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,324 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,327 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,328 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,331 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,331 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,334 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,335 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,338 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,339 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,343 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,349 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,349 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,352 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,352 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,356 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:04:46,356 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:04:46,356 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,356 - __main__ - INFO - Average Fitness Value of Generation: 618042666517394769089916829696.000000 +2015-04-21 15:04:46,356 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:04:46,357 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:46,357 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:46,357 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:46,357 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,358 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,361 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,361 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,364 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,364 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,367 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,368 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,372 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,372 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,378 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,379 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,384 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,385 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,389 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,389 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,392 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,393 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,395 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,396 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,399 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,399 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,402 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,403 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,406 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,406 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,409 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,409 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,412 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:46,413 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:46,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:46,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:46,417 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:04:46,417 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:46,418 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:04:46,418 - __main__ - INFO - Average Fitness Value of Generation: 673197403271870521123677405184.000000 +2015-04-21 15:04:46,418 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:04:46,418 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:46,419 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:46,419 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:46,419 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,420 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,425 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,425 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,428 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,429 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,432 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,433 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,435 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,436 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,439 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,440 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,443 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,443 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,446 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,447 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,451 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,452 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,458 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,459 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,463 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,464 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,467 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,467 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,470 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,471 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,474 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,474 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,477 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:46,477 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:46,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:46,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:46,480 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:04:46,480 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:46,481 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:04:46,481 - __main__ - INFO - Average Fitness Value of Generation: 780157835252120035279861972992.000000 +2015-04-21 15:04:46,481 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:04:46,481 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:46,481 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:46,481 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:46,482 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,482 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,485 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,486 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,490 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,490 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,496 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,497 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,502 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,503 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,507 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,507 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,511 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,511 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,514 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,515 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,518 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,519 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,522 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,522 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,526 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,526 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,531 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,532 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,538 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,538 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,543 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,543 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,546 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:46,547 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:46,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:46,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:46,549 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:04:46,550 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:46,550 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:04:46,550 - __main__ - INFO - Average Fitness Value of Generation: 733857313852708407943503020032.000000 +2015-04-21 15:04:46,550 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:04:46,550 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:46,551 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:46,551 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:46,551 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,552 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,555 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,555 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,558 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,559 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,562 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,562 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,565 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,566 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,570 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,571 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,576 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,577 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,581 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,582 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,585 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,585 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,589 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,589 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,593 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,593 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,596 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,597 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,600 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,600 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,603 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,604 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,607 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:46,607 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:46,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:46,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:46,611 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:04:46,611 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:46,611 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,611 - __main__ - INFO - Average Fitness Value of Generation: 642296455478226998980765548544.000000 +2015-04-21 15:04:46,611 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:04:46,613 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:46,613 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:46,613 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:46,614 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,614 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,618 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,619 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,622 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,623 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,626 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,626 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,630 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,631 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,635 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,636 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,639 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,640 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,645 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,645 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,652 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,652 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,662 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,663 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,667 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,668 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,672 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,673 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,675 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,676 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,679 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,679 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,682 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:46,683 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:46,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:46,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:46,685 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:04:46,686 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:46,686 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,686 - __main__ - INFO - Average Fitness Value of Generation: 745674467384795650245393383424.000000 +2015-04-21 15:04:46,686 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:04:46,686 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:46,686 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:46,686 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:46,687 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,688 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,691 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,692 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,696 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,697 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,703 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,703 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,707 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,708 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,711 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,711 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,714 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,715 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,718 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,721 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,722 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,725 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,725 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,730 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,730 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,735 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,736 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,739 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,739 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,742 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,743 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,745 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:46,746 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:46,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:46,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:46,749 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:04:46,749 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:04:46,749 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,749 - __main__ - INFO - Average Fitness Value of Generation: 827288670063721681871098085376.000000 +2015-04-21 15:04:46,749 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:04:46,749 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:46,750 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:46,750 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:46,750 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,751 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,754 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,754 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,757 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,757 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,760 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,761 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,764 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,764 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,769 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,770 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,774 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,774 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,777 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,778 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,781 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,781 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,784 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,784 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,787 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,788 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,791 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,792 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,794 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,795 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,799 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,800 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,806 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:46,807 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:46,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:46,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:46,811 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:04:46,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:46,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,811 - __main__ - INFO - Average Fitness Value of Generation: 809417429439415577777700601856.000000 +2015-04-21 15:04:46,812 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:04:46,812 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:46,812 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:46,812 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:46,813 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,813 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,816 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,817 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,819 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,820 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,823 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,823 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,826 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,827 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,829 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,830 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,832 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,833 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,837 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,838 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,844 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,844 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,848 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,849 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,853 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,853 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,856 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,856 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,859 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,859 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,862 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,863 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,866 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:46,866 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:46,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:46,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:46,869 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:04:46,869 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:04:46,869 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:46,869 - __main__ - INFO - Average Fitness Value of Generation: 961452770670578695462962855936.000000 +2015-04-21 15:04:46,870 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:04:46,870 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:46,870 - __main__ - INFO - Finished run 8. +2015-04-21 15:04:46,870 - __main__ - INFO - Starting run 9... +2015-04-21 15:04:46,870 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:04:46,872 - __main__ - INFO - Initialization Complete. +2015-04-21 15:04:46,872 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:04:46,873 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:04:46,874 - __main__ - INFO - Generation 0 running... +2015-04-21 15:04:46,874 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:04:46,875 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,875 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,880 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,881 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,887 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,887 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,891 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,892 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,895 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,895 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,898 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,899 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,901 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,902 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,905 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,905 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,908 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,909 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,911 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,912 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,915 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,915 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,920 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,920 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,925 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,926 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,930 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,931 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,934 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:04:46,934 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:04:46,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:04:46,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:04:46,937 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:04:46,937 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:04:46,937 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:04:46,938 - __main__ - INFO - Average Fitness Value of Generation: 216203123986408382983485521920.000000 +2015-04-21 15:04:46,938 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:04:46,938 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:04:46,938 - __main__ - INFO - Generation 1 running... +2015-04-21 15:04:46,938 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:04:46,939 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,940 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,943 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,943 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,946 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,947 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,950 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,950 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,953 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,954 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,959 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,960 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,965 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,966 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,971 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,971 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,974 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,975 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,978 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,978 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,981 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,981 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,984 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,985 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,988 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,988 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,991 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,991 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:46,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:46,994 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:04:46,995 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:04:46,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:04:47,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:04:47,000 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:04:47,000 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:47,000 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,001 - __main__ - INFO - Average Fitness Value of Generation: 654181357577634128525451591680.000000 +2015-04-21 15:04:47,001 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:04:47,002 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:04:47,002 - __main__ - INFO - Generation 2 running... +2015-04-21 15:04:47,002 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:04:47,003 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,003 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,008 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,009 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,012 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,012 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,016 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,016 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,019 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,019 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,023 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,023 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,026 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,027 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,029 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,030 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,033 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,033 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,038 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,039 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,044 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,044 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,048 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,049 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,052 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,052 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,055 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,056 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,058 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:04:47,059 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:04:47,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:04:47,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:04:47,062 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:04:47,062 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:47,062 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,062 - __main__ - INFO - Average Fitness Value of Generation: 845102073643960425185619738624.000000 +2015-04-21 15:04:47,062 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:04:47,062 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:04:47,063 - __main__ - INFO - Generation 3 running... +2015-04-21 15:04:47,063 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:04:47,063 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,064 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,066 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,067 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,070 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,070 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,073 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,073 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,077 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,077 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,082 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,083 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,088 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,088 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,091 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,092 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,095 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,096 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,098 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,099 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,101 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,102 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,105 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,105 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,108 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,109 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,114 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,115 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,119 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:04:47,120 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:04:47,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:04:47,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:04:47,124 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:04:47,124 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:04:47,124 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,125 - __main__ - INFO - Average Fitness Value of Generation: 943462119328644416772388159488.000000 +2015-04-21 15:04:47,125 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:04:47,125 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:04:47,125 - __main__ - INFO - Generation 4 running... +2015-04-21 15:04:47,125 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:04:47,126 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,127 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,130 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,130 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,133 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,133 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,136 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,137 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,140 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,140 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,144 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,144 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,147 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,148 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,153 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,153 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,159 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,159 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,164 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,165 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,167 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,168 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,171 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,171 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,174 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,175 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,178 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,178 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,181 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:04:47,181 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:04:47,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:04:47,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:04:47,184 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:04:47,184 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:04:47,184 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,184 - __main__ - INFO - Average Fitness Value of Generation: 917574848615360604618377658368.000000 +2015-04-21 15:04:47,185 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:04:47,185 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:04:47,185 - __main__ - INFO - Generation 5 running... +2015-04-21 15:04:47,185 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:04:47,186 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,186 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,190 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,191 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,197 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,198 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,202 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,202 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,206 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,207 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,210 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,210 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,213 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,213 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,216 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,217 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,219 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,220 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,223 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,224 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,226 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,227 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,231 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,233 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,238 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,238 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,243 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,243 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,247 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:04:47,247 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:04:47,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:04:47,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:04:47,250 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:04:47,250 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:47,250 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,250 - __main__ - INFO - Average Fitness Value of Generation: 907376762699121332958613471232.000000 +2015-04-21 15:04:47,250 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:04:47,251 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:04:47,251 - __main__ - INFO - Generation 6 running... +2015-04-21 15:04:47,251 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:04:47,252 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,252 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,255 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,256 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,259 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,259 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,262 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,262 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,265 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,265 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,270 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,271 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,276 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,277 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,281 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,282 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,286 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,287 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,290 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,290 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,293 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,294 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,296 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,297 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,300 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,301 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,304 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,305 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,309 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:04:47,310 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:04:47,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:04:47,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:04:47,315 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:04:47,316 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:04:47,316 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,316 - __main__ - INFO - Average Fitness Value of Generation: 873415754578774382376740978688.000000 +2015-04-21 15:04:47,316 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:04:47,317 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:04:47,317 - __main__ - INFO - Generation 7 running... +2015-04-21 15:04:47,317 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:04:47,318 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,318 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,323 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,323 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,326 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,327 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,329 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,330 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,332 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,333 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,336 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,336 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,339 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,340 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,342 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,343 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,346 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,347 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,352 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,353 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,358 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,358 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,362 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,363 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,366 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,367 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,370 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,370 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,373 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:04:47,374 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:04:47,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:04:47,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:04:47,377 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:04:47,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:04:47,377 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,377 - __main__ - INFO - Average Fitness Value of Generation: 932988950936366023047949320192.000000 +2015-04-21 15:04:47,377 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:04:47,378 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:04:47,378 - __main__ - INFO - Generation 8 running... +2015-04-21 15:04:47,378 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:04:47,379 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,379 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,382 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,383 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,386 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,387 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,393 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,394 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,398 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,399 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,402 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,403 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,406 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,407 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,410 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,410 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,413 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,413 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,416 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,417 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,420 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,420 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,423 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,424 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,429 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,431 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,436 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,436 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,441 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:04:47,441 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:04:47,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:04:47,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:04:47,444 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:04:47,444 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:47,444 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,445 - __main__ - INFO - Average Fitness Value of Generation: 818683177643499042325179400192.000000 +2015-04-21 15:04:47,445 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:04:47,445 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:04:47,445 - __main__ - INFO - Generation 9 running... +2015-04-21 15:04:47,445 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:04:47,446 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,447 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,449 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,450 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,453 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,453 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,456 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,457 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,460 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,460 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,463 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,464 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,468 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,469 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,474 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,475 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,479 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,480 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,483 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,484 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,487 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,487 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,490 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,491 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,494 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,494 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,497 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,498 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,501 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:04:47,501 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:04:47,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:04:47,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:04:47,504 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:04:47,505 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:04:47,505 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:04:47,505 - __main__ - INFO - Average Fitness Value of Generation: 964104860050425421176697257984.000000 +2015-04-21 15:04:47,505 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:04:47,506 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:04:47,506 - __main__ - INFO - Finished run 9. +2015-04-21 15:04:47,506 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:05:53,065 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:05:53,065 - __main__ - INFO - Program Arguments: +2015-04-21 15:05:53,066 - __main__ - INFO - plot=True +2015-04-21 15:05:53,066 - __main__ - INFO - autoscale=True +2015-04-21 15:05:53,066 - __main__ - INFO - G=10 +2015-04-21 15:05:53,066 - __main__ - INFO - l=20 +2015-04-21 15:05:53,066 - __main__ - INFO - experiment_number=1 +2015-04-21 15:05:53,066 - __main__ - INFO - N=30 +2015-04-21 15:05:53,066 - __main__ - INFO - pc=0.6 +2015-04-21 15:05:53,066 - __main__ - INFO - ce=False +2015-04-21 15:05:53,066 - __main__ - INFO - ff= +2015-04-21 15:05:53,066 - __main__ - INFO - learn=False +2015-04-21 15:05:53,066 - __main__ - INFO - NG=20 +2015-04-21 15:05:53,067 - __main__ - INFO - nruns=10 +2015-04-21 15:05:53,067 - __main__ - INFO - pm=0.033 +2015-04-21 15:05:53,067 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:05:53,067 - __main__ - INFO - Starting run 0... +2015-04-21 15:05:53,067 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:53,068 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:53,068 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:53,070 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:53,070 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:53,070 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:53,071 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,071 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,074 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,075 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,079 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,083 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,083 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,086 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,087 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,090 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,091 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,094 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,095 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,100 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,100 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,105 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,106 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,109 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,109 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,112 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,113 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,116 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,116 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,119 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,119 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,123 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,124 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,126 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,127 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,130 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:05:53,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:53,130 - __main__ - INFO - Fitness Value of Best Individual: 1000000000000000019884624838656.000000 +2015-04-21 15:05:53,131 - __main__ - INFO - Average Fitness Value of Generation: 151497404371806760191555272704.000000 +2015-04-21 15:05:53,131 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:05:53,131 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:53,131 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:53,131 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:53,132 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,132 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,137 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,138 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,141 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,142 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,145 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,145 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,148 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,149 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,152 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,153 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,156 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,157 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,160 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,160 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,164 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,164 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,167 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,168 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,172 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,172 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,177 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,177 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,181 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,181 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,184 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,185 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,189 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,192 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:05:53,192 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:53,192 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:53,192 - __main__ - INFO - Average Fitness Value of Generation: 500848228245446515778411036672.000000 +2015-04-21 15:05:53,192 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:05:53,193 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:53,193 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:53,193 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:53,193 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,194 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,197 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,198 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,201 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,201 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,205 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,206 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,211 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,212 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,215 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,216 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,219 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,219 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,222 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,223 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,226 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,227 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,229 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,230 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,233 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,233 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,236 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,237 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,240 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,241 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,245 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,250 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,250 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,253 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:05:53,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:53,253 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:53,253 - __main__ - INFO - Average Fitness Value of Generation: 582565299746096774011663941632.000000 +2015-04-21 15:05:53,253 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:05:53,253 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:53,254 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:53,254 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:53,254 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,254 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,257 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,258 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,261 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,261 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,264 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,265 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,268 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,268 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,271 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,272 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,275 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,275 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,279 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,280 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,284 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,285 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,288 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,288 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,291 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,292 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,295 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,295 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,298 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,298 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,302 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,302 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,305 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,306 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,309 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:05:53,310 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:53,310 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,310 - __main__ - INFO - Average Fitness Value of Generation: 665636266845645040404309999616.000000 +2015-04-21 15:05:53,310 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:05:53,310 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:53,310 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:53,310 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:53,311 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,311 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,316 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,316 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,321 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,321 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,325 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,325 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,328 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,328 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,331 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,331 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,334 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,335 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,338 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,338 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,341 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,342 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,345 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,345 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,348 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,349 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,352 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,353 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,358 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,358 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,361 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,362 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,365 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,366 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,369 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:05:53,369 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:53,369 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:53,369 - __main__ - INFO - Average Fitness Value of Generation: 827081419640586514758520274944.000000 +2015-04-21 15:05:53,369 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:05:53,369 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:53,369 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:53,369 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:53,370 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,371 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,374 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,374 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,378 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,378 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,381 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,382 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,385 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,386 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,390 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,391 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,395 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,395 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,398 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,399 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,402 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,402 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,405 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,406 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,409 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,409 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,412 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,412 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,415 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,416 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,419 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,419 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,423 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:53,423 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:53,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:53,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:53,428 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:05:53,428 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:53,428 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,428 - __main__ - INFO - Average Fitness Value of Generation: 874344022464300681379253846016.000000 +2015-04-21 15:05:53,428 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:05:53,428 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:53,428 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:53,429 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:53,429 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,430 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,433 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,434 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,437 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,437 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,440 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,441 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,444 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,444 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,448 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,448 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,451 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,452 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,455 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,456 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,460 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,461 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,465 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,466 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,469 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,470 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,473 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,473 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,476 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,476 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,479 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,480 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,483 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:53,484 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:53,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:53,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:53,487 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:05:53,487 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:53,487 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,487 - __main__ - INFO - Average Fitness Value of Generation: 858957792247802410444735381504.000000 +2015-04-21 15:05:53,487 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:05:53,487 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:53,487 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:53,487 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:53,488 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,488 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,491 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,492 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,497 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,497 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,502 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,503 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,506 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,507 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,510 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,510 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,513 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,514 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,517 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,518 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,521 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,521 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,524 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,525 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,528 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,529 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,534 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,534 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,539 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,539 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,542 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,543 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,546 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:53,546 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:53,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:53,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:53,549 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:05:53,549 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:53,549 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,550 - __main__ - INFO - Average Fitness Value of Generation: 893062310947823105184607764480.000000 +2015-04-21 15:05:53,550 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:05:53,550 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:53,550 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:53,550 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:53,550 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,551 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,554 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,554 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,557 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,558 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,561 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,561 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,564 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,565 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,570 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,571 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,575 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,576 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,579 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,579 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,583 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,583 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,587 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,587 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,591 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,591 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,594 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,594 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,598 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,598 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,603 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,604 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,608 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:53,609 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:53,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:53,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:53,612 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:05:53,612 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:05:53,612 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,613 - __main__ - INFO - Average Fitness Value of Generation: 857340399746705457199143976960.000000 +2015-04-21 15:05:53,613 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:05:53,613 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:53,613 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:53,613 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:53,614 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,614 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,617 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,618 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,621 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,621 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,625 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,625 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,629 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,630 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,633 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,634 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,637 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,638 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,642 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,643 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,649 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,650 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,656 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,656 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,662 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,663 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,666 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,667 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,670 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,670 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,674 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,676 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,681 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:53,681 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:53,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:53,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:53,685 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:05:53,685 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:05:53,685 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:53,685 - __main__ - INFO - Average Fitness Value of Generation: 1050154715660976401979050819584.000000 +2015-04-21 15:05:53,685 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:05:53,686 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:53,686 - __main__ - INFO - Finished run 0. +2015-04-21 15:05:53,686 - __main__ - INFO - Starting run 1... +2015-04-21 15:05:53,686 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:53,687 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:53,687 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:53,689 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:53,689 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:53,689 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:53,690 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,691 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,695 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,695 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,699 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,699 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,702 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,703 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,706 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,706 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,710 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,711 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,714 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,715 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,719 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,719 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,724 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,724 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,729 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,729 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,732 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,732 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,735 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,736 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,739 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,739 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,742 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,743 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,746 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:53,746 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:53,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:53,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:53,749 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:05:53,750 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:53,750 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 +2015-04-21 15:05:53,750 - __main__ - INFO - Average Fitness Value of Generation: 31869612570020350798304641024.000000 +2015-04-21 15:05:53,750 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:05:53,750 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:53,750 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:53,750 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:53,751 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,752 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,759 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,759 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,762 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,763 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,766 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,766 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,769 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,769 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,773 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,773 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,776 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,777 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,780 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,780 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,783 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,784 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,788 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,789 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,794 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,795 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,798 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,799 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,802 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,803 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,806 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,806 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,809 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:53,810 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:53,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:53,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:53,813 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:05:53,813 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:53,813 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 +2015-04-21 15:05:53,813 - __main__ - INFO - Average Fitness Value of Generation: 103694853232860068977869586432.000000 +2015-04-21 15:05:53,813 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:05:53,813 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:53,814 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:53,814 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:53,814 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,815 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,818 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,818 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,823 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,824 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,829 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,830 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,834 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,834 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,837 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,838 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,841 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,841 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,844 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,845 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,848 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,848 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,852 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,852 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,855 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,856 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,862 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,863 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,868 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,869 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,873 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,873 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,877 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:53,877 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:53,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:53,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:53,880 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:05:53,880 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:53,880 - __main__ - INFO - Fitness Value of Best Individual: 877347265250300646040274993152.000000 +2015-04-21 15:05:53,881 - __main__ - INFO - Average Fitness Value of Generation: 170718793921520692219248377856.000000 +2015-04-21 15:05:53,881 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:05:53,881 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:53,881 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:53,881 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:53,881 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,882 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,885 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,886 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,889 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,890 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,893 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,893 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,896 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,897 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,901 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,902 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,906 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,907 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,911 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,911 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,914 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,915 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,918 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,919 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,922 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,922 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,926 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,926 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,929 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,930 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,934 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,935 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,941 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:53,941 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:53,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:53,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:53,946 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:05:53,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:53,946 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 +2015-04-21 15:05:53,946 - __main__ - INFO - Average Fitness Value of Generation: 344052014598635154230720069632.000000 +2015-04-21 15:05:53,946 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:05:53,946 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:53,946 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:53,947 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:53,947 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,948 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,951 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,951 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,954 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,955 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,958 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,959 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,962 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,962 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,965 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,966 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,969 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,969 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,972 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,973 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,978 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,978 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,984 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,984 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,988 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,988 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,992 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,992 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,995 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,995 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:53,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:53,999 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:53,999 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:53,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,003 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,003 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,006 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:05:54,006 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:54,006 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:05:54,006 - __main__ - INFO - Average Fitness Value of Generation: 584860138790387040966389268480.000000 +2015-04-21 15:05:54,006 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:05:54,006 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:54,006 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:54,007 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:54,007 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,008 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,011 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,012 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,017 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,018 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,022 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,023 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,026 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,027 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,030 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,030 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,033 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,034 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,037 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,037 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,040 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,040 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,043 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,044 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,047 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,048 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,053 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,054 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,058 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,058 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,061 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,062 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,065 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,065 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,068 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:05:54,069 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:54,069 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:05:54,069 - __main__ - INFO - Average Fitness Value of Generation: 679080573991849947614094032896.000000 +2015-04-21 15:05:54,069 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:05:54,069 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:54,069 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:54,069 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:54,070 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,070 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,074 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,074 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,077 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,078 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,081 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,081 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,085 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,086 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,091 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,091 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,094 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,095 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,098 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,098 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,101 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,102 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,105 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,105 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,108 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,109 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,112 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,113 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,116 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,116 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,119 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,120 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,124 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,125 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,130 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:05:54,130 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:54,130 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,130 - __main__ - INFO - Average Fitness Value of Generation: 707164477078133167502521270272.000000 +2015-04-21 15:05:54,130 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:05:54,130 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:54,130 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:54,130 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:54,131 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,132 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,135 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,135 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,138 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,139 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,142 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,143 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,146 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,146 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,149 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,150 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,153 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,153 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,157 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,158 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,163 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,163 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,167 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,168 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,171 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,171 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,175 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,175 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,178 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,179 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,182 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,182 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,185 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,186 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,190 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:05:54,190 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:54,190 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:54,190 - __main__ - INFO - Average Fitness Value of Generation: 697571891807967434046443618304.000000 +2015-04-21 15:05:54,190 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:05:54,191 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:54,191 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:54,191 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:54,192 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,193 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,198 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,199 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,203 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,204 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,207 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,207 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,211 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,212 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,214 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,215 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,218 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,219 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,222 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,222 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,225 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,226 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,231 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,232 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,237 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,238 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,243 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,244 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,247 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,247 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,251 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,251 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,254 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,254 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,257 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:05:54,257 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:54,258 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,258 - __main__ - INFO - Average Fitness Value of Generation: 713364805558336162146799321088.000000 +2015-04-21 15:05:54,258 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:05:54,258 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:54,258 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:54,258 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:54,259 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,259 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,262 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,263 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,266 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,266 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,272 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,273 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,277 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,278 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,283 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,283 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,286 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,287 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,290 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,290 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,294 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,294 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,297 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,298 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,301 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,302 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,305 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,305 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,309 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,310 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,315 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,316 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,319 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,320 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,323 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:05:54,323 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:54,323 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,323 - __main__ - INFO - Average Fitness Value of Generation: 963341417086183014474759274496.000000 +2015-04-21 15:05:54,323 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:05:54,323 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:54,323 - __main__ - INFO - Finished run 1. +2015-04-21 15:05:54,323 - __main__ - INFO - Starting run 2... +2015-04-21 15:05:54,324 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:54,325 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:54,325 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:54,327 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:54,327 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:54,327 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:54,327 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,328 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,331 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,333 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,336 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,337 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,340 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,340 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,344 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,345 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,350 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,350 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,355 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,355 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,359 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,359 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,362 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,362 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,366 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,367 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,370 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,371 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,374 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,375 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,378 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,378 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,382 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,383 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,388 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,389 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,392 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:05:54,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:54,392 - __main__ - INFO - Fitness Value of Best Individual: 859730442259143119716453711872.000000 +2015-04-21 15:05:54,392 - __main__ - INFO - Average Fitness Value of Generation: 52169376050505011239374028800.000000 +2015-04-21 15:05:54,392 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:05:54,392 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:54,392 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:54,392 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:54,393 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,394 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,397 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,397 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,400 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,401 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,404 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,404 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,407 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,407 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,410 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,410 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,413 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,414 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,417 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,418 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,423 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,424 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,428 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,429 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,432 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,432 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,435 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,435 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,438 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,439 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,442 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,443 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,446 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:54,446 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:54,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:54,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:54,449 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:05:54,449 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:54,449 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:05:54,450 - __main__ - INFO - Average Fitness Value of Generation: 223041327080625693582067499008.000000 +2015-04-21 15:05:54,450 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:05:54,450 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:54,450 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:54,450 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:54,450 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,451 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,456 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,456 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,460 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,462 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,465 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,465 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,468 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,469 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,472 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,473 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,476 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,476 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,479 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,479 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,482 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,483 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,486 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,487 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,491 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,493 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,497 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,498 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,501 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,502 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,505 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,505 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,508 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:54,509 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:54,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:54,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:54,512 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:05:54,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:54,512 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:05:54,512 - __main__ - INFO - Average Fitness Value of Generation: 401810844247636635961576652800.000000 +2015-04-21 15:05:54,512 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:05:54,512 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:54,512 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:54,512 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:54,513 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,513 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,516 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,517 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,520 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,520 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,523 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,524 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,527 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,528 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,532 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,533 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,537 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,537 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,540 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,541 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,544 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,544 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,547 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,548 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,551 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,553 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,556 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,556 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,559 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,560 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,565 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,565 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,570 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:54,571 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:54,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:54,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:54,574 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:05:54,574 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:54,575 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:54,575 - __main__ - INFO - Average Fitness Value of Generation: 402288144424354865368228954112.000000 +2015-04-21 15:05:54,575 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:05:54,575 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:54,575 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:54,575 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:54,576 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,576 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,579 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,579 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,582 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,583 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,586 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,586 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,589 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,590 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,593 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,593 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,597 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,598 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,602 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,603 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,607 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,608 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,611 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,611 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,615 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,615 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,618 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,618 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,622 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,623 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,626 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,627 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,630 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:54,630 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:54,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:54,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:54,634 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:05:54,634 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:54,634 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,634 - __main__ - INFO - Average Fitness Value of Generation: 653809701753625732550378913792.000000 +2015-04-21 15:05:54,634 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:05:54,634 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:54,635 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:54,635 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:54,635 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,636 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,640 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,641 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,647 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,648 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,652 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,653 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,656 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,657 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,662 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,662 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,666 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,666 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,669 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,670 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,673 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,674 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,678 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,679 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,683 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,684 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,686 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,687 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,687 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,692 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,692 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,695 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,696 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,699 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:54,699 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:54,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:54,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:54,702 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:05:54,702 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:54,703 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,703 - __main__ - INFO - Average Fitness Value of Generation: 863429152214764170257838899200.000000 +2015-04-21 15:05:54,703 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:05:54,703 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:54,703 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:54,703 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:54,704 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,704 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,707 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,708 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,711 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,711 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,716 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,716 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,721 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,721 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,724 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,725 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,728 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,729 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,732 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,732 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,736 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,736 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,739 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,740 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,743 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,743 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,746 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,747 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,752 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,753 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,757 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,758 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,761 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:54,761 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:54,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:54,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:54,764 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:05:54,764 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:54,764 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,765 - __main__ - INFO - Average Fitness Value of Generation: 698696322123329001015803379712.000000 +2015-04-21 15:05:54,765 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:05:54,765 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:54,765 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:54,765 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:54,765 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,766 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,769 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,770 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,773 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,774 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,777 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,777 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,780 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,780 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,785 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,786 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,790 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,790 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,794 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,795 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,797 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,798 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,801 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,802 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,805 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,806 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,809 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,809 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,812 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,813 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,815 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,816 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,821 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:54,822 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:54,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:54,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:54,827 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:05:54,827 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:54,827 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,827 - __main__ - INFO - Average Fitness Value of Generation: 871379091628283400137966878720.000000 +2015-04-21 15:05:54,827 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:05:54,828 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:54,828 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:54,828 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:54,829 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,829 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,833 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,833 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,836 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,837 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,840 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,840 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,843 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,844 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,847 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,847 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,850 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,851 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,855 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,856 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,862 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,863 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,867 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,868 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,872 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,872 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,875 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,876 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,879 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,879 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,882 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,883 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,886 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:54,887 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:54,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:54,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:54,890 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:05:54,890 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:54,890 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,890 - __main__ - INFO - Average Fitness Value of Generation: 882648271411551178327442063360.000000 +2015-04-21 15:05:54,890 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:05:54,890 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:54,890 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:54,890 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:54,891 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,891 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,895 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,895 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,900 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,900 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,905 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,905 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,909 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,909 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,912 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,913 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,916 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,916 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,919 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,920 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,923 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,924 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,927 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,928 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,931 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,931 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,936 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,937 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,941 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,942 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,945 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,946 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,949 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:54,949 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:54,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:54,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:54,952 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:05:54,952 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:05:54,952 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:54,952 - __main__ - INFO - Average Fitness Value of Generation: 900504156366304446654080614400.000000 +2015-04-21 15:05:54,952 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:05:54,952 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:54,952 - __main__ - INFO - Finished run 2. +2015-04-21 15:05:54,953 - __main__ - INFO - Starting run 3... +2015-04-21 15:05:54,953 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:54,954 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:54,954 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:54,956 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:54,956 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:54,956 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:54,956 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,957 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,960 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,961 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,964 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,964 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,967 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,968 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,973 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,974 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,979 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,980 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,983 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,983 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,986 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,987 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,990 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,991 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,994 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,995 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:54,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:54,998 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:54,999 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:54,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,002 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,002 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,007 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,008 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,013 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,014 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,017 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,017 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,020 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:05:55,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:55,020 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 +2015-04-21 15:05:55,020 - __main__ - INFO - Average Fitness Value of Generation: 91584932558341178788367302656.000000 +2015-04-21 15:05:55,021 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:05:55,021 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:55,021 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:55,021 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:55,022 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,022 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,025 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,026 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,029 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,029 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,032 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,032 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,035 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,036 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,039 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,040 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,044 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,044 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,049 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,049 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,053 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,053 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,057 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,057 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,060 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,061 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,064 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,064 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,067 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,068 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,071 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,071 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,074 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,075 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,080 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:05:55,080 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:55,080 - __main__ - INFO - Fitness Value of Best Individual: 1020180963368077445928346189824.000000 +2015-04-21 15:05:55,080 - __main__ - INFO - Average Fitness Value of Generation: 250000250596358483707359657984.000000 +2015-04-21 15:05:55,080 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:05:55,080 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:55,081 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:55,081 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:55,081 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,082 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,087 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,087 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,090 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,091 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,094 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,094 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,097 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,098 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,101 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,101 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,104 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,104 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,107 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,108 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,112 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,113 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,118 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,119 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,124 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,124 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,128 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,128 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,132 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,132 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,135 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,135 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,139 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,139 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,142 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:05:55,142 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:05:55,142 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:05:55,143 - __main__ - INFO - Average Fitness Value of Generation: 475638281487772799244399804416.000000 +2015-04-21 15:05:55,143 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:05:55,143 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:55,143 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:55,143 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:55,144 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,144 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,147 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,148 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,153 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,155 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,159 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,159 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,163 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,164 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,167 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,168 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,171 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,171 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,175 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,175 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,178 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,179 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,182 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,182 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,186 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,187 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,192 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,193 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,198 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,199 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,204 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,204 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,208 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,208 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,211 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:05:55,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:55,211 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,211 - __main__ - INFO - Average Fitness Value of Generation: 560092580455965854735511060480.000000 +2015-04-21 15:05:55,212 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:05:55,212 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:55,212 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:55,212 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:55,213 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,213 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,216 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,216 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,219 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,220 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,223 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,223 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,227 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,228 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,234 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,234 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,239 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,239 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,242 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,243 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,246 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,246 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,249 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,250 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,253 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,253 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,256 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,257 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,260 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,260 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,264 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,265 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,271 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,272 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,276 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:05:55,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:55,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,277 - __main__ - INFO - Average Fitness Value of Generation: 455537427067646560364350406656.000000 +2015-04-21 15:05:55,277 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:05:55,277 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:55,277 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:55,277 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:55,278 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,278 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,281 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,282 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,285 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,286 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,289 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,289 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,292 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,292 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,295 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,296 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,299 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,299 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,303 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,304 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,310 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,311 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,315 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,316 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,320 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,320 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,323 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,324 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,327 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,327 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,330 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,331 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,334 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,335 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,338 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:05:55,338 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:55,338 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,338 - __main__ - INFO - Average Fitness Value of Generation: 626895432917555782084812865536.000000 +2015-04-21 15:05:55,338 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:05:55,338 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:55,338 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:55,338 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:55,339 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,340 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,344 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,344 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,350 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,351 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,355 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,356 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,359 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,360 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,363 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,363 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,366 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,367 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,370 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,371 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,374 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,374 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,377 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,378 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,381 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,382 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,388 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,389 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,394 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,394 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,398 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,398 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,401 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:55,402 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:55,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:55,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:55,406 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:05:55,406 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:05:55,406 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,406 - __main__ - INFO - Average Fitness Value of Generation: 938876696911514193678288551936.000000 +2015-04-21 15:05:55,406 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:05:55,406 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:55,406 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:55,406 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:55,407 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,408 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,411 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,412 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,415 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,415 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,419 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,419 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,424 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,425 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,429 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,430 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,435 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,435 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,438 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,439 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,442 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,443 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,446 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,446 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,449 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,450 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,453 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,453 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,456 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,457 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,462 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,463 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,468 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:55,469 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:55,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:55,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:55,474 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:05:55,474 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:05:55,474 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,474 - __main__ - INFO - Average Fitness Value of Generation: 969542761802518980851872563200.000000 +2015-04-21 15:05:55,474 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:05:55,474 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:55,474 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:55,474 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:55,475 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,475 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,479 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,479 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,482 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,483 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,486 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,487 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,490 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,490 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,494 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,494 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,497 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,499 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,505 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,505 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,510 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,511 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,514 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,515 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,518 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,518 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,521 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,523 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,526 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,527 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,530 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,530 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,534 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:55,534 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:55,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:55,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:55,539 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:05:55,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:05:55,540 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,540 - __main__ - INFO - Average Fitness Value of Generation: 904451644284690824497364729856.000000 +2015-04-21 15:05:55,540 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:05:55,540 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:55,540 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:55,540 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:55,542 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,543 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,547 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,548 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,552 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,552 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,556 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,556 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,559 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,560 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,563 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,563 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,566 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,567 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,570 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,570 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,574 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,575 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,581 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,581 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,586 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,587 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,591 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,591 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,595 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,595 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,598 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,598 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,602 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:55,602 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:55,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:55,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:55,605 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:05:55,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:55,605 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,605 - __main__ - INFO - Average Fitness Value of Generation: 937963527461487799796007698432.000000 +2015-04-21 15:05:55,606 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:05:55,606 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:55,606 - __main__ - INFO - Finished run 3. +2015-04-21 15:05:55,606 - __main__ - INFO - Starting run 4... +2015-04-21 15:05:55,606 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:55,607 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:55,607 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:55,609 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:55,609 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:55,609 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:55,610 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,610 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,615 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,616 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,621 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,622 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,627 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,628 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,631 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,633 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,636 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,637 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,642 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,643 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,647 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,647 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,652 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,653 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,661 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,662 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,669 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,669 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,673 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,674 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,678 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,681 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,686 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,686 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,692 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:55,693 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:55,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:55,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:55,697 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:05:55,697 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:55,697 - __main__ - INFO - Fitness Value of Best Individual: 800550158557650266709393670144.000000 +2015-04-21 15:05:55,697 - __main__ - INFO - Average Fitness Value of Generation: 79064677668290192719361343488.000000 +2015-04-21 15:05:55,697 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:05:55,697 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:55,698 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:55,698 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:55,699 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,700 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,704 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,706 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,710 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,711 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,714 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,714 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,717 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,718 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,721 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,722 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,726 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,727 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,730 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,730 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,734 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,736 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,740 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,741 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,745 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,745 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,748 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,749 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,752 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,753 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,756 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,757 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,760 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:55,760 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:55,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:55,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:55,763 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:05:55,764 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:55,764 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 +2015-04-21 15:05:55,764 - __main__ - INFO - Average Fitness Value of Generation: 354629087139996392967949516800.000000 +2015-04-21 15:05:55,764 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:05:55,764 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:55,764 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:55,764 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:55,765 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,765 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,768 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,769 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,773 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,774 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,778 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,778 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,782 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,782 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,785 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,785 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,789 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,789 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,792 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,794 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,797 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,797 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,800 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,800 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,804 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,804 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,809 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,810 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,815 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,815 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,818 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,819 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,822 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:55,822 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:55,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:55,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:55,825 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:05:55,825 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:55,825 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,826 - __main__ - INFO - Average Fitness Value of Generation: 499010286127765754670171029504.000000 +2015-04-21 15:05:55,826 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:05:55,826 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:55,826 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:55,826 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:55,826 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,827 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,830 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,831 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,834 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,835 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,838 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,838 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,842 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,842 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,847 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,848 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,851 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,852 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,855 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,856 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,859 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,860 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,863 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,863 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,866 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,867 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,870 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,870 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,873 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,874 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,878 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,879 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,884 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:55,885 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:55,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:55,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:55,888 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:05:55,888 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:55,888 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,888 - __main__ - INFO - Average Fitness Value of Generation: 485028794329272852641963048960.000000 +2015-04-21 15:05:55,888 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:05:55,888 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:55,888 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:55,888 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:55,889 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,890 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,893 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,893 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,896 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,897 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,900 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,900 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,903 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,904 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,907 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,907 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,911 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,911 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,915 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,916 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,921 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,921 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,924 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,925 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,928 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,928 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,931 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,932 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,935 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,935 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,938 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,939 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,942 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:55,942 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:55,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:55,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:55,946 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:05:55,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:05:55,946 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:55,946 - __main__ - INFO - Average Fitness Value of Generation: 767004880656656840842677321728.000000 +2015-04-21 15:05:55,946 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:05:55,946 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:55,946 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:55,946 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:55,947 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,947 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,951 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,952 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,956 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,957 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,961 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,961 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,964 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,965 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,969 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,969 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,972 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,972 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,976 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,977 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,980 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,980 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,984 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,985 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,990 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,991 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,995 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,995 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:55,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:55,998 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:55,999 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:55,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,002 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,003 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,006 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,006 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,009 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:05:56,009 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:56,009 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,009 - __main__ - INFO - Average Fitness Value of Generation: 734166595594768602099697582080.000000 +2015-04-21 15:05:56,010 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:05:56,010 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:56,010 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:56,010 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:56,010 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,011 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,014 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,014 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,017 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,018 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,022 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,022 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,027 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,027 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,032 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,032 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,035 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,036 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,039 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,040 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,043 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,043 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,046 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,047 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,050 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,050 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,054 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,054 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,059 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,060 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,064 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,065 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,068 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,069 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,072 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:05:56,072 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:56,072 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,072 - __main__ - INFO - Average Fitness Value of Generation: 798163371359993108751926165504.000000 +2015-04-21 15:05:56,072 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:05:56,072 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:56,072 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:56,072 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:56,073 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,074 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,077 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,077 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,080 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,081 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,084 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,084 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,087 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,088 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,093 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,094 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,099 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,100 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,105 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,106 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,109 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,109 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,113 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,113 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,116 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,117 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,120 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,121 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,124 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,124 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,127 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,127 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,132 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,133 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,137 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:05:56,137 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:56,138 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,138 - __main__ - INFO - Average Fitness Value of Generation: 892899124441061253758628921344.000000 +2015-04-21 15:05:56,138 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:05:56,138 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:56,138 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:56,138 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:56,139 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,139 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,143 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,143 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,146 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,147 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,150 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,150 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,153 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,154 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,157 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,157 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,161 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,161 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,165 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,165 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,170 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,171 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,176 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,176 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,180 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,180 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,184 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,185 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,188 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,189 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,192 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,193 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,196 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,196 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,200 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:05:56,200 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:05:56,200 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,200 - __main__ - INFO - Average Fitness Value of Generation: 971190942097527862831947448320.000000 +2015-04-21 15:05:56,200 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:05:56,200 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:56,200 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:56,201 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:56,202 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,202 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,208 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,208 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,213 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,213 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,217 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,217 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,220 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,222 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,224 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,225 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,228 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,228 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,231 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,232 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,235 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,235 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,239 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,240 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,246 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,247 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,255 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,255 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,258 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,259 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,262 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,263 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,266 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,266 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,270 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:05:56,270 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:56,270 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,270 - __main__ - INFO - Average Fitness Value of Generation: 845916913427792202916559847424.000000 +2015-04-21 15:05:56,270 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:05:56,270 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:56,270 - __main__ - INFO - Finished run 4. +2015-04-21 15:05:56,271 - __main__ - INFO - Starting run 5... +2015-04-21 15:05:56,271 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:56,272 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:56,272 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:56,274 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:56,274 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:56,274 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:56,275 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,275 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,278 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,279 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,282 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,283 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,287 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,288 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,293 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,293 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,296 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,297 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,300 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,301 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,304 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,304 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,307 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,308 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,311 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,311 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,315 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,315 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,318 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,319 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,323 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,324 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,329 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,329 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,333 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,333 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,336 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:05:56,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:56,336 - __main__ - INFO - Fitness Value of Best Individual: 895288314394847040157593370624.000000 +2015-04-21 15:05:56,336 - __main__ - INFO - Average Fitness Value of Generation: 93716202860031260874061643776.000000 +2015-04-21 15:05:56,337 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:05:56,337 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:56,337 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:56,337 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:56,337 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,338 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,341 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,341 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,344 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,349 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,352 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,352 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,355 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,356 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,360 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,361 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,366 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,366 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,369 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,370 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,373 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,374 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,377 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,377 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,381 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,381 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,384 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,385 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,389 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,389 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,394 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,395 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,399 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:05:56,400 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:56,400 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,400 - __main__ - INFO - Average Fitness Value of Generation: 391679002189652206680895651840.000000 +2015-04-21 15:05:56,400 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:05:56,400 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:56,400 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:56,400 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:56,401 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,401 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,405 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,405 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,408 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,409 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,411 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,412 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,415 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,415 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,418 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,419 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,422 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,422 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,425 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,426 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,430 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,431 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,436 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,436 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,440 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,441 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,444 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,444 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,448 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,448 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,451 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,452 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,455 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:56,455 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:56,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:56,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:56,459 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:05:56,459 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:56,459 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,459 - __main__ - INFO - Average Fitness Value of Generation: 510710575890865798999414145024.000000 +2015-04-21 15:05:56,459 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:05:56,459 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:56,459 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:56,459 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:56,460 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,460 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,464 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,464 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,468 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,469 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,474 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,475 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,478 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,478 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,481 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,481 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,484 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,485 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,488 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,488 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,491 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,492 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,495 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,495 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,499 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,499 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,504 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,505 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,509 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,510 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,513 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,513 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,516 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:56,517 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:56,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:56,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:56,520 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:05:56,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:56,520 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,520 - __main__ - INFO - Average Fitness Value of Generation: 568294234723291409850721894400.000000 +2015-04-21 15:05:56,520 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:05:56,520 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:56,520 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:56,520 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:56,521 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,521 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,525 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,525 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,528 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,529 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,532 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,532 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,536 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,536 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,540 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,541 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,546 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,546 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,550 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,550 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,553 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,554 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,556 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,557 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,560 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,560 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,563 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,564 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,567 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,567 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,570 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,571 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,575 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:56,576 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:56,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:56,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:56,580 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:05:56,581 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:05:56,581 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,581 - __main__ - INFO - Average Fitness Value of Generation: 791098608658199426268871524352.000000 +2015-04-21 15:05:56,581 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:05:56,581 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:56,581 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:56,582 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:56,582 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,583 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,586 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,586 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,589 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,590 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,593 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,594 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,597 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,598 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,601 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,602 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,605 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,606 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,609 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,609 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,614 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,615 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,619 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,620 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,623 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,623 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,627 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,627 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,631 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,632 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,636 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,637 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,642 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:56,643 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:56,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:56,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:56,646 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:05:56,646 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:56,646 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,646 - __main__ - INFO - Average Fitness Value of Generation: 790020033163384783535362539520.000000 +2015-04-21 15:05:56,646 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:05:56,647 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:56,647 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:56,647 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:56,647 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,648 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,654 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,655 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,660 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,661 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,666 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,666 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,669 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,670 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,675 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,675 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,679 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,680 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,683 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,684 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,689 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,690 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,694 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,695 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,698 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,698 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,701 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,701 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,705 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,706 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,710 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,710 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,713 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:56,714 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:56,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:56,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:56,718 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:05:56,718 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-21 15:05:56,718 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,718 - __main__ - INFO - Average Fitness Value of Generation: 661027544241127791921461198848.000000 +2015-04-21 15:05:56,718 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:05:56,718 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:56,719 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:56,719 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:56,720 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,721 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,726 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,727 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,731 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,731 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,735 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,735 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,739 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,739 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,742 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,742 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,746 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,747 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,750 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,750 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,753 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,754 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,758 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,760 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,764 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,765 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,770 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,771 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,774 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,775 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,777 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,778 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,781 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:56,782 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:56,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:56,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:56,785 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:05:56,785 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:56,785 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,785 - __main__ - INFO - Average Fitness Value of Generation: 645681848204244192527481044992.000000 +2015-04-21 15:05:56,786 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:05:56,786 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:56,786 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:56,786 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:56,786 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,787 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,790 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,791 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,794 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,794 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,798 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,799 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,804 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,805 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,808 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,809 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,812 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,813 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,816 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,816 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,819 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,820 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,823 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,823 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,826 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,827 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,829 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,830 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,834 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,835 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,839 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,840 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,844 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:56,845 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:56,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:56,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:56,848 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:05:56,848 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:56,848 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,848 - __main__ - INFO - Average Fitness Value of Generation: 737093160511066025734826885120.000000 +2015-04-21 15:05:56,848 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:05:56,848 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:56,848 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:56,848 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:56,849 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,849 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,853 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,853 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,856 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,857 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,860 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,860 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,863 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,864 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,868 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,869 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,874 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,875 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,879 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,880 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,883 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,883 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,887 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,887 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,890 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,891 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,894 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,894 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,897 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,897 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,900 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,901 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,905 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:56,906 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:56,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:56,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:56,912 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:05:56,912 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:56,912 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:56,912 - __main__ - INFO - Average Fitness Value of Generation: 878488833931956216599150592000.000000 +2015-04-21 15:05:56,912 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:05:56,912 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:56,912 - __main__ - INFO - Finished run 5. +2015-04-21 15:05:56,912 - __main__ - INFO - Starting run 6... +2015-04-21 15:05:56,913 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:56,914 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:56,914 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:56,917 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:56,917 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:56,917 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:56,918 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,919 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,922 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,923 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,926 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,926 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,929 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,929 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,932 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,933 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,936 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,936 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,939 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,939 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,942 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,943 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,947 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,948 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,952 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,953 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,957 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,957 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,960 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,961 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,964 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,964 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,967 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,968 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,971 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:56,971 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:56,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:56,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:56,975 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:05:56,975 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:56,975 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:56,975 - __main__ - INFO - Average Fitness Value of Generation: 161184417982816007444974534656.000000 +2015-04-21 15:05:56,975 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:05:56,975 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:56,975 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:56,975 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:56,976 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,977 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,981 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,982 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,987 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,988 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,994 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,994 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:56,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:56,997 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:56,998 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:56,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,001 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,001 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,004 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,005 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,008 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,008 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,011 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,012 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,015 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,016 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,021 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,021 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,026 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,027 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,031 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,031 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,035 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,035 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,038 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,039 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,041 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:05:57,042 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:57,042 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:05:57,042 - __main__ - INFO - Average Fitness Value of Generation: 703378737148924745751296212992.000000 +2015-04-21 15:05:57,042 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:05:57,042 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:57,042 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:57,042 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:57,043 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,043 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,046 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,047 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,050 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,050 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,054 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,055 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,060 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,061 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,066 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,067 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,071 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,072 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,075 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,075 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,079 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,079 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,082 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,082 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,085 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,086 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,089 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,089 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,092 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,093 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,098 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,099 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,104 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,104 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,108 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:05:57,109 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:57,109 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:05:57,109 - __main__ - INFO - Average Fitness Value of Generation: 638223016498828696815837118464.000000 +2015-04-21 15:05:57,109 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:05:57,109 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:57,109 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:57,109 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:57,110 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,110 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,113 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,114 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,117 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,117 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,121 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,121 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,124 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,124 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,127 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,127 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,131 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,131 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,137 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,137 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,142 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,142 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,147 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,147 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,150 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,151 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,154 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,154 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,157 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,158 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,161 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,161 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,164 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,165 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,168 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:05:57,168 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:57,168 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:57,168 - __main__ - INFO - Average Fitness Value of Generation: 674709011008928485241906003968.000000 +2015-04-21 15:05:57,169 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:05:57,169 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:57,169 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:57,169 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:57,170 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,171 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,178 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,178 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,183 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,184 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,187 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,188 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,191 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,191 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,194 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,195 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,198 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,198 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,201 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,202 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,205 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,206 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,208 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,209 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,213 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,214 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,219 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,219 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,223 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,223 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,227 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,227 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,231 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,231 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,234 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:05:57,235 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:57,235 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,235 - __main__ - INFO - Average Fitness Value of Generation: 766361531689233804239141076992.000000 +2015-04-21 15:05:57,235 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:05:57,235 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:57,235 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:57,235 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:57,236 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,236 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,239 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,240 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,243 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,243 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,246 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,247 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,251 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,252 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,257 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,257 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,260 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,261 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,264 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,264 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,267 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,268 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,271 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,271 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,275 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,275 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,278 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,279 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,282 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,283 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,288 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,288 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,293 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,294 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,297 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:05:57,297 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:05:57,297 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,297 - __main__ - INFO - Average Fitness Value of Generation: 815477496941513451687091634176.000000 +2015-04-21 15:05:57,297 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:05:57,297 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:57,297 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:57,297 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:57,298 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,299 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,302 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,302 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,305 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,305 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,309 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,309 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,312 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,313 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,316 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,316 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,321 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,322 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,326 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,327 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,330 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,330 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,334 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,334 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,337 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,337 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,340 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,341 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,344 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,345 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,348 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,349 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,352 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,352 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,357 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:05:57,357 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:57,357 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,357 - __main__ - INFO - Average Fitness Value of Generation: 822756496427012562642207244288.000000 +2015-04-21 15:05:57,357 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:05:57,357 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:57,358 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:57,358 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:57,358 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,359 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,363 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,364 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,367 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,367 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,370 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,371 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,374 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,374 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,377 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,378 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,381 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,381 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,384 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,385 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,388 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,388 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,392 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,393 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,398 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,399 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,403 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,404 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,407 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,407 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,410 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,410 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,414 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:57,414 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:57,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:57,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:57,417 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:05:57,417 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:57,417 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,417 - __main__ - INFO - Average Fitness Value of Generation: 929968193110356836682855088128.000000 +2015-04-21 15:05:57,417 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:05:57,417 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:57,417 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:57,418 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:57,418 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,419 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,422 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,422 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,425 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,426 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,429 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,430 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,435 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,436 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,440 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,441 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,444 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,444 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,447 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,447 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,450 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,451 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,454 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,455 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,458 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,458 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,462 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,462 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,467 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,467 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,472 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,473 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,476 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:57,477 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:57,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:57,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:57,480 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:05:57,480 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:57,480 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,480 - __main__ - INFO - Average Fitness Value of Generation: 826841935375849548633801228288.000000 +2015-04-21 15:05:57,480 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:05:57,480 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:57,480 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:57,481 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:57,481 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,482 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,485 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,486 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,489 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,489 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,492 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,493 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,496 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,497 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,500 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,500 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,505 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,506 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,510 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,511 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,514 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,515 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,518 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,518 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,522 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,522 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,525 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,526 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,529 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,529 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,532 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,532 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,536 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:57,536 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:57,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:57,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:57,541 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:05:57,541 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:57,541 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:57,541 - __main__ - INFO - Average Fitness Value of Generation: 875689883674870810765896450048.000000 +2015-04-21 15:05:57,541 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:05:57,541 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:57,541 - __main__ - INFO - Finished run 6. +2015-04-21 15:05:57,541 - __main__ - INFO - Starting run 7... +2015-04-21 15:05:57,541 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:57,543 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:57,543 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:57,546 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:57,546 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:57,546 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:57,547 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,548 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,551 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,552 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,555 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,556 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,559 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,559 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,562 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,563 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,566 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,567 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,570 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,571 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,574 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,575 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,580 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,581 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,584 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,585 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,588 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,589 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,592 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,592 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,595 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,596 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,599 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,600 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,603 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:57,604 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:57,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:57,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:57,607 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:05:57,607 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:57,607 - __main__ - INFO - Fitness Value of Best Individual: 808773509612996894571752325120.000000 +2015-04-21 15:05:57,607 - __main__ - INFO - Average Fitness Value of Generation: 130356902012485332146455576576.000000 +2015-04-21 15:05:57,607 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:05:57,607 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:57,607 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:57,607 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:57,608 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,609 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,613 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,614 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,618 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,619 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,622 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,622 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,626 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,626 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,630 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,630 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,634 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,634 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,638 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,639 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,644 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,644 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,650 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,650 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,657 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,658 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,663 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,664 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,667 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,667 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,672 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,673 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,676 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:57,677 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:57,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:57,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:57,680 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:05:57,680 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:05:57,680 - __main__ - INFO - Fitness Value of Best Individual: 808773509612996894571752325120.000000 +2015-04-21 15:05:57,680 - __main__ - INFO - Average Fitness Value of Generation: 248570108918358850026310991872.000000 +2015-04-21 15:05:57,680 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:05:57,680 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:57,681 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:57,681 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:57,681 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,682 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,685 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,686 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,690 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,690 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,694 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,695 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,699 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,700 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,703 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,704 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,708 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,708 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,712 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,712 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,715 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,716 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,719 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,719 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,723 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,723 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,727 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,727 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,732 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,732 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,736 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,737 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,740 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:57,741 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:57,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:57,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:57,744 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:05:57,745 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:57,745 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,745 - __main__ - INFO - Average Fitness Value of Generation: 613053398346545120847469740032.000000 +2015-04-21 15:05:57,745 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:05:57,745 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:57,745 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:57,745 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:57,746 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,746 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,749 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,750 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,753 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,754 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,757 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,757 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,760 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,761 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,765 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,766 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,771 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,772 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,775 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,776 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,779 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,779 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,782 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,783 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,786 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,786 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,789 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,790 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,793 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,794 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,797 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,798 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,804 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:57,805 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:57,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:57,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:57,810 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:05:57,810 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:57,810 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:57,810 - __main__ - INFO - Average Fitness Value of Generation: 561288920718492093279190908928.000000 +2015-04-21 15:05:57,810 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:05:57,810 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:57,810 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:57,811 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:57,811 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,812 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,815 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,815 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,818 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,819 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,822 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,823 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,826 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,826 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,829 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,830 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,833 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,833 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,837 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,838 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,844 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,845 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,849 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,850 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,853 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,854 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,857 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,857 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,860 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,860 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,864 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,864 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,867 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:57,867 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:57,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:57,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:57,871 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:05:57,871 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:57,871 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:05:57,871 - __main__ - INFO - Average Fitness Value of Generation: 702270521877910616859362721792.000000 +2015-04-21 15:05:57,871 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:05:57,871 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:57,871 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:57,871 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:57,872 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,873 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,878 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,879 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,883 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,884 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,888 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,888 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,891 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,892 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,895 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,895 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,898 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,899 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,902 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,902 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,905 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,906 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,909 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,909 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,914 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,915 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,920 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,921 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,925 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,926 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,929 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,930 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,933 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:57,933 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:57,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:57,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:57,936 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:05:57,936 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:57,936 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:57,936 - __main__ - INFO - Average Fitness Value of Generation: 735201316892269741351293157376.000000 +2015-04-21 15:05:57,937 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:05:57,937 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:57,937 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:57,937 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:57,937 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,938 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,941 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,942 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,945 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,945 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,948 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,949 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,952 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,953 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,957 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,958 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,963 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,963 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,966 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,966 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,970 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,970 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,973 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,973 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,976 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,977 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,980 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,980 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,983 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,984 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,989 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,989 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:57,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:57,995 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:57,995 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:57,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,000 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:05:58,000 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:05:58,000 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,000 - __main__ - INFO - Average Fitness Value of Generation: 681319615527270198041049563136.000000 +2015-04-21 15:05:58,000 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:05:58,000 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:58,000 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:58,000 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:58,001 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,001 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,005 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,005 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,008 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,009 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,012 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,012 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,015 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,015 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,018 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,019 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,022 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,023 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,026 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,026 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,030 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,030 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,035 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,036 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,039 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,040 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,043 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,044 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,046 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,047 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,050 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,050 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,053 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,054 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,057 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:05:58,057 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:58,057 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,057 - __main__ - INFO - Average Fitness Value of Generation: 811413947885955385066969366528.000000 +2015-04-21 15:05:58,057 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:05:58,057 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:58,057 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:58,058 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:58,058 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,059 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,062 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,063 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,068 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,068 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,073 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,074 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,077 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,077 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,080 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,081 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,084 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,084 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,087 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,088 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,091 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,091 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,094 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,095 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,098 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,098 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,103 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,104 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,109 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,109 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,112 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,113 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,116 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,116 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,119 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:05:58,119 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:58,120 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,120 - __main__ - INFO - Average Fitness Value of Generation: 925524171189048334230010986496.000000 +2015-04-21 15:05:58,120 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:05:58,120 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:58,120 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:58,120 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:58,121 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,121 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,124 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,125 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,128 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,128 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,131 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,131 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,136 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,137 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,142 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,143 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,147 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,148 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,151 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,152 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,155 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,155 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,158 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,158 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,162 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,162 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,165 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,166 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,169 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,170 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,173 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,173 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,178 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,178 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,183 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:05:58,183 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:58,183 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,183 - __main__ - INFO - Average Fitness Value of Generation: 912910907753664878907899248640.000000 +2015-04-21 15:05:58,183 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:05:58,184 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:58,184 - __main__ - INFO - Finished run 7. +2015-04-21 15:05:58,184 - __main__ - INFO - Starting run 8... +2015-04-21 15:05:58,184 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:58,185 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:58,185 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:58,187 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:58,187 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:58,187 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:58,188 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,188 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,192 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,193 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,196 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,197 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,200 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,200 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,203 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,204 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,207 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,208 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,213 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,215 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,219 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,220 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,224 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,224 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,227 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,228 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,231 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,231 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,235 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,235 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,238 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,239 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,242 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,243 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,246 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,247 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,253 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:05:58,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:58,253 - __main__ - INFO - Fitness Value of Best Individual: 817072806887546894156245762048.000000 +2015-04-21 15:05:58,254 - __main__ - INFO - Average Fitness Value of Generation: 89980333383030817099006083072.000000 +2015-04-21 15:05:58,254 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:05:58,254 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:58,254 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:58,254 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:58,255 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,256 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,260 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,261 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,264 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,265 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,268 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,268 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,271 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,272 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,275 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,275 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,278 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,279 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,282 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,282 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,288 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,288 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,294 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,294 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,299 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,300 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,303 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,303 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,306 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,307 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,310 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,310 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,313 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,314 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,317 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:05:58,317 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:58,317 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 +2015-04-21 15:05:58,317 - __main__ - INFO - Average Fitness Value of Generation: 493331671340314393501067378688.000000 +2015-04-21 15:05:58,317 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:05:58,317 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:58,317 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:58,317 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:58,318 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,318 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,321 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,322 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,325 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,326 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,330 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,331 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,335 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,335 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,338 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,339 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,341 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,342 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,345 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,346 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,349 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,349 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,352 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,352 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,355 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,356 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,359 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,359 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,364 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,365 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,370 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,371 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,374 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,374 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,377 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:05:58,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:58,378 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:05:58,378 - __main__ - INFO - Average Fitness Value of Generation: 518017775003042629006179434496.000000 +2015-04-21 15:05:58,378 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:05:58,378 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:58,378 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:58,378 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:58,378 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,379 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,382 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,382 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,385 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,386 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,388 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,389 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,392 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,392 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,395 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,395 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,400 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,401 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,405 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,406 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,409 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,409 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,412 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,413 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,416 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,416 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,419 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,420 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,423 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,423 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,426 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,427 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,430 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,430 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,434 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:05:58,434 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-21 15:05:58,434 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:05:58,434 - __main__ - INFO - Average Fitness Value of Generation: 749210515073274302405193760768.000000 +2015-04-21 15:05:58,434 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:05:58,434 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:58,434 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:58,435 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:58,436 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,437 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,441 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,442 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,445 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,445 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,448 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,449 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,452 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,452 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,455 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,455 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,458 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,459 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,462 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,462 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,465 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,465 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,469 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,469 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,474 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,475 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,479 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,479 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,482 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,483 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,486 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,486 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,489 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:58,490 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:58,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:58,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:58,492 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:05:58,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:58,493 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,493 - __main__ - INFO - Average Fitness Value of Generation: 652570932902692492671212060672.000000 +2015-04-21 15:05:58,493 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:05:58,493 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:58,493 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:58,493 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:58,494 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,494 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,497 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,498 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,501 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,502 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,505 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,505 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,509 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,509 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,513 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,514 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,517 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,518 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,521 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,521 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,524 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,524 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,527 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,528 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,531 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,531 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,534 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,535 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,537 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,538 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,541 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,542 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,547 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:58,547 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:58,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:58,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:58,551 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:05:58,551 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:58,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,552 - __main__ - INFO - Average Fitness Value of Generation: 874821169128734201668045897728.000000 +2015-04-21 15:05:58,552 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:05:58,552 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:58,552 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:58,552 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:58,553 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,553 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,556 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,556 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,559 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,560 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,563 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,563 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,566 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,566 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,569 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,569 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,572 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,573 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,576 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,577 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,580 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,581 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,586 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,586 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,589 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,590 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,593 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,593 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,596 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,596 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,599 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,599 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,602 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:58,603 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:58,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:58,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:58,606 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:05:58,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:05:58,606 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,606 - __main__ - INFO - Average Fitness Value of Generation: 937455734657687298485629485056.000000 +2015-04-21 15:05:58,606 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:05:58,606 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:58,606 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:58,606 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:58,607 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,607 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,610 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,611 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,614 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,614 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,619 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,619 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,624 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,625 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,628 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,629 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,632 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,632 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,635 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,636 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,643 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,644 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,650 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,650 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,656 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,656 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,663 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,664 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,667 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,667 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,672 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,673 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,676 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:58,676 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:58,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:58,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:58,679 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:05:58,679 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:05:58,679 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,679 - __main__ - INFO - Average Fitness Value of Generation: 606796879059006323442644418560.000000 +2015-04-21 15:05:58,680 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:05:58,680 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:58,680 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:58,680 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:58,680 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,681 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,684 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,684 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,689 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,690 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,694 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,695 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,699 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,699 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,702 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,702 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,706 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,707 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,710 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,710 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,713 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,714 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,717 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,717 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,721 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,721 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,724 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,725 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,729 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,730 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,734 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,735 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,738 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:58,739 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:58,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:58,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:58,742 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:05:58,742 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:58,742 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,742 - __main__ - INFO - Average Fitness Value of Generation: 820990232491737139054209138688.000000 +2015-04-21 15:05:58,742 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:05:58,742 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:58,743 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:58,743 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:58,743 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,744 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,747 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,747 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,750 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,751 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,754 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,754 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,757 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,758 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,761 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,762 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,765 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,765 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,769 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,770 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,774 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,775 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,777 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,778 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,781 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,782 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,785 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,785 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,788 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,789 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,792 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,792 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,795 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:58,797 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:58,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:58,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:58,801 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:05:58,801 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:58,802 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,802 - __main__ - INFO - Average Fitness Value of Generation: 734715340351834901578726244352.000000 +2015-04-21 15:05:58,802 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:05:58,802 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:58,802 - __main__ - INFO - Finished run 8. +2015-04-21 15:05:58,802 - __main__ - INFO - Starting run 9... +2015-04-21 15:05:58,802 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:05:58,804 - __main__ - INFO - Initialization Complete. +2015-04-21 15:05:58,804 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:05:58,806 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:05:58,806 - __main__ - INFO - Generation 0 running... +2015-04-21 15:05:58,806 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:05:58,807 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,809 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,812 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,812 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,815 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,816 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,819 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,819 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,822 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,822 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,826 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,826 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,829 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,829 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,832 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,833 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,837 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,837 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,842 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,842 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,846 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,847 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,850 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,850 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,853 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,855 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,858 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,858 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,862 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:05:58,862 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:05:58,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:05:58,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:05:58,865 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:05:58,865 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:58,865 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:05:58,865 - __main__ - INFO - Average Fitness Value of Generation: 112730316502141902096024207360.000000 +2015-04-21 15:05:58,865 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:05:58,865 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:05:58,865 - __main__ - INFO - Generation 1 running... +2015-04-21 15:05:58,866 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:05:58,866 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,867 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,870 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,871 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,876 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,876 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,881 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,881 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,884 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,885 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,888 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,888 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,891 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,892 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,895 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,895 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,898 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,898 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,901 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,902 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,905 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,906 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,911 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,911 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,915 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,916 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,919 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,919 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,922 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:05:58,922 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:05:58,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:05:58,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:05:58,925 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:05:58,925 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:05:58,926 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:05:58,926 - __main__ - INFO - Average Fitness Value of Generation: 568207557861228824831067160576.000000 +2015-04-21 15:05:58,926 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:05:58,926 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:05:58,926 - __main__ - INFO - Generation 2 running... +2015-04-21 15:05:58,926 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:05:58,927 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,927 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,930 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,931 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,934 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,934 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,937 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,938 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,941 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,942 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,947 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,947 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,952 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,953 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,956 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,956 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,959 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,960 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,963 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,963 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,966 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,967 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,970 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,970 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,973 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,974 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,979 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,980 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,985 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:05:58,986 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:05:58,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:05:58,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:05:58,990 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:05:58,990 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:58,990 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:58,990 - __main__ - INFO - Average Fitness Value of Generation: 801163622785132946870306340864.000000 +2015-04-21 15:05:58,990 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:05:58,990 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:05:58,990 - __main__ - INFO - Generation 3 running... +2015-04-21 15:05:58,990 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:05:58,991 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,991 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,994 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,995 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:58,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:58,998 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:58,999 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:58,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,002 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,002 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,005 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,006 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,009 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,009 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,012 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,013 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,018 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,020 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,024 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,025 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,028 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,029 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,032 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,032 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,035 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,035 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,039 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,039 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,042 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,042 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,045 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:05:59,046 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:05:59,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:05:59,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:05:59,049 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:05:59,049 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:59,049 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,049 - __main__ - INFO - Average Fitness Value of Generation: 764685740512471113371488354304.000000 +2015-04-21 15:05:59,049 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:05:59,049 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:05:59,049 - __main__ - INFO - Generation 4 running... +2015-04-21 15:05:59,050 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:05:59,050 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,051 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,054 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,054 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,059 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,059 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,064 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,065 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,068 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,068 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,071 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,072 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,075 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,075 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,078 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,079 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,082 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,082 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,085 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,085 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,088 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,089 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,092 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,093 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,098 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,098 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,103 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,103 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,106 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:05:59,107 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:05:59,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:05:59,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:05:59,110 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:05:59,110 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:05:59,110 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,110 - __main__ - INFO - Average Fitness Value of Generation: 797660094400465038861072859136.000000 +2015-04-21 15:05:59,110 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:05:59,110 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:05:59,110 - __main__ - INFO - Generation 5 running... +2015-04-21 15:05:59,111 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:05:59,111 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,112 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,115 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,115 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,118 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,119 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,122 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,122 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,125 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,126 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,129 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,131 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,136 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,137 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,140 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,141 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,144 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,145 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,148 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,148 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,152 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,152 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,155 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,156 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,159 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,160 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,163 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,165 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,170 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:05:59,170 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:05:59,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:05:59,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:05:59,174 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:05:59,175 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:05:59,175 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,175 - __main__ - INFO - Average Fitness Value of Generation: 889616867493124327932772220928.000000 +2015-04-21 15:05:59,175 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:05:59,175 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:05:59,175 - __main__ - INFO - Generation 6 running... +2015-04-21 15:05:59,175 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:05:59,176 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,176 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,179 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,179 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,183 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,183 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,186 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,187 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,190 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,191 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,194 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,194 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,197 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,198 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,201 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,203 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,207 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,208 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,211 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,211 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,215 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,215 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,218 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,219 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,222 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,222 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,225 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,226 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,228 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:05:59,229 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:05:59,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:05:59,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:05:59,232 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:05:59,232 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:05:59,232 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,232 - __main__ - INFO - Average Fitness Value of Generation: 668134928800520093181635723264.000000 +2015-04-21 15:05:59,232 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:05:59,232 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:05:59,233 - __main__ - INFO - Generation 7 running... +2015-04-21 15:05:59,233 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:05:59,233 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,234 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,238 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,239 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,244 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,245 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,249 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,249 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,252 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,253 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,255 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,256 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,259 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,259 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,263 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,263 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,266 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,267 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,272 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,272 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,278 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,278 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,283 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,284 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,287 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,287 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,291 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,291 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,295 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:05:59,295 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:05:59,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:05:59,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:05:59,298 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:05:59,298 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:05:59,298 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,299 - __main__ - INFO - Average Fitness Value of Generation: 692948939554469137236973584384.000000 +2015-04-21 15:05:59,299 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:05:59,299 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:05:59,299 - __main__ - INFO - Generation 8 running... +2015-04-21 15:05:59,299 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:05:59,300 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,300 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,303 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,304 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,307 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,308 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,314 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,315 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,319 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,320 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,324 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,324 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,327 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,328 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,331 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,331 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,334 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,335 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,338 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,338 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,341 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,342 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,345 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,346 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,351 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,352 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,357 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,357 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,362 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:05:59,362 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:05:59,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:05:59,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:05:59,365 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:05:59,365 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:05:59,365 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,365 - __main__ - INFO - Average Fitness Value of Generation: 619849799436255515632459579392.000000 +2015-04-21 15:05:59,366 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:05:59,366 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:05:59,366 - __main__ - INFO - Generation 9 running... +2015-04-21 15:05:59,366 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:05:59,367 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,367 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,371 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,371 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,374 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,375 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,377 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,378 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,381 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,382 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,385 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,386 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,392 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,393 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,397 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,398 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,401 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,402 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,405 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,405 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,408 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,409 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,412 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,413 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,416 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,417 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,420 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,420 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,425 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:05:59,426 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:05:59,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:05:59,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:05:59,431 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:05:59,431 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:05:59,432 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:05:59,432 - __main__ - INFO - Average Fitness Value of Generation: 785882538723176778724846600192.000000 +2015-04-21 15:05:59,432 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:05:59,432 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:05:59,432 - __main__ - INFO - Finished run 9. +2015-04-21 15:05:59,432 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:07:13,559 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:07:13,560 - __main__ - INFO - Program Arguments: +2015-04-21 15:07:13,560 - __main__ - INFO - plot=True +2015-04-21 15:07:13,560 - __main__ - INFO - autoscale=True +2015-04-21 15:07:13,560 - __main__ - INFO - G=10 +2015-04-21 15:07:13,560 - __main__ - INFO - l=20 +2015-04-21 15:07:13,560 - __main__ - INFO - experiment_number=1 +2015-04-21 15:07:13,560 - __main__ - INFO - N=30 +2015-04-21 15:07:13,560 - __main__ - INFO - pc=0.6 +2015-04-21 15:07:13,560 - __main__ - INFO - ce=False +2015-04-21 15:07:13,560 - __main__ - INFO - ff= +2015-04-21 15:07:13,560 - __main__ - INFO - learn=False +2015-04-21 15:07:13,560 - __main__ - INFO - NG=20 +2015-04-21 15:07:13,560 - __main__ - INFO - nruns=10 +2015-04-21 15:07:13,561 - __main__ - INFO - pm=0.033 +2015-04-21 15:07:13,561 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:07:13,561 - __main__ - INFO - Starting run 0... +2015-04-21 15:07:13,561 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:07:13,562 - __main__ - INFO - Initialization Complete. +2015-04-21 15:07:13,562 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:07:13,564 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:07:13,564 - __main__ - INFO - Generation 0 running... +2015-04-21 15:07:13,564 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:07:13,565 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,565 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,568 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,569 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,572 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,572 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,575 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,576 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,579 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,579 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,583 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,583 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,586 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,587 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,590 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,591 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,595 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,597 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,601 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,602 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,605 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,606 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,609 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,609 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,612 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,613 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,616 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,616 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,619 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:07:13,620 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:07:13,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:07:13,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:07:13,623 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:07:13,623 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:07:13,623 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:07:13,623 - __main__ - INFO - Average Fitness Value of Generation: 129334238968976504868747345920.000000 +2015-04-21 15:07:13,623 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:07:13,623 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:07:13,623 - __main__ - INFO - Generation 1 running... +2015-04-21 15:07:13,623 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:07:13,624 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,624 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,627 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,628 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,632 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,632 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,637 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,638 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,642 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,642 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,648 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,649 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,655 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,656 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,663 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,663 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,667 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,668 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,673 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,674 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,677 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,677 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,680 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,681 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,685 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,686 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,689 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,689 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,692 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:07:13,693 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:07:13,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:07:13,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:07:13,696 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:07:13,696 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:07:13,696 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:07:13,696 - __main__ - INFO - Average Fitness Value of Generation: 421059008890180080554708303872.000000 +2015-04-21 15:07:13,696 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:07:13,696 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:07:13,696 - __main__ - INFO - Generation 2 running... +2015-04-21 15:07:13,696 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:07:13,697 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,697 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,700 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,701 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,705 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,706 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,710 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,711 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,714 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,715 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,718 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,718 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,721 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,722 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,725 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,725 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,728 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,729 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,732 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,733 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,736 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,736 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,740 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,742 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,745 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,746 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,750 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,750 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,753 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:07:13,754 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:07:13,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:07:13,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:07:13,756 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:07:13,756 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:07:13,757 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:07:13,757 - __main__ - INFO - Average Fitness Value of Generation: 620271595381005894121651437568.000000 +2015-04-21 15:07:13,757 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:07:13,757 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:07:13,757 - __main__ - INFO - Generation 3 running... +2015-04-21 15:07:13,757 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:07:13,757 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,758 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,761 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,761 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,764 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,764 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,767 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,767 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,770 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,771 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,774 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,774 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,779 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,779 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,784 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,784 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,787 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,788 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,791 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,791 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,794 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,795 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,798 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,798 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,802 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,802 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,805 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,806 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,809 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:07:13,810 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:07:13,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:07:13,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:07:13,814 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:07:13,815 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:07:13,815 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:07:13,815 - __main__ - INFO - Average Fitness Value of Generation: 899254648686952480609874739200.000000 +2015-04-21 15:07:13,815 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:07:13,815 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:07:13,815 - __main__ - INFO - Generation 4 running... +2015-04-21 15:07:13,815 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:10,698 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:09:10,698 - __main__ - INFO - Program Arguments: +2015-04-21 15:09:10,698 - __main__ - INFO - plot=True +2015-04-21 15:09:10,698 - __main__ - INFO - autoscale=True +2015-04-21 15:09:10,698 - __main__ - INFO - G=10 +2015-04-21 15:09:10,698 - __main__ - INFO - l=20 +2015-04-21 15:09:10,698 - __main__ - INFO - experiment_number=1 +2015-04-21 15:09:10,698 - __main__ - INFO - N=30 +2015-04-21 15:09:10,698 - __main__ - INFO - pc=0.6 +2015-04-21 15:09:10,698 - __main__ - INFO - ce=False +2015-04-21 15:09:10,698 - __main__ - INFO - ff= +2015-04-21 15:09:10,699 - __main__ - INFO - learn=False +2015-04-21 15:09:10,699 - __main__ - INFO - NG=20 +2015-04-21 15:09:10,699 - __main__ - INFO - nruns=10 +2015-04-21 15:09:10,699 - __main__ - INFO - pm=0.033 +2015-04-21 15:09:10,699 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:09:10,699 - __main__ - INFO - Starting run 0... +2015-04-21 15:09:10,699 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:10,700 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:10,700 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:10,702 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:10,702 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:10,702 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:10,703 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,703 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,706 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,707 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,711 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,711 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,714 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,714 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,717 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,718 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,721 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,722 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,725 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,725 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,728 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,729 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,733 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,734 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,738 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,739 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,742 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,742 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,745 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,745 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,748 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,749 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,752 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,752 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,755 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:10,756 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:10,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:10,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:10,759 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:09:10,759 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:10,759 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:09:10,759 - __main__ - INFO - Average Fitness Value of Generation: 123721881947485659726562197504.000000 +2015-04-21 15:09:10,759 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:09:10,759 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:10,759 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:10,759 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:10,760 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,760 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,764 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,765 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,769 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,770 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,774 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,774 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,777 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,778 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,781 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,782 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,785 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,785 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,787 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,788 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,791 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,791 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,794 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,794 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,797 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,798 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,803 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,804 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,808 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,809 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,812 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,812 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,815 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:10,816 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:10,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:10,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:10,818 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:09:10,819 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:10,819 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:09:10,819 - __main__ - INFO - Average Fitness Value of Generation: 346287332254362834894994800640.000000 +2015-04-21 15:09:10,819 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:09:10,819 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:10,819 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:10,819 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:10,820 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,820 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,823 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,824 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,827 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,827 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,830 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,831 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,834 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,834 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,839 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,840 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,844 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,844 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,847 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,848 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,851 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,851 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,855 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,855 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,858 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,858 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,861 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,862 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,865 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,865 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,869 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,869 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,873 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:10,874 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:10,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:10,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:10,878 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:09:10,878 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:10,879 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:10,879 - __main__ - INFO - Average Fitness Value of Generation: 543451670001056142837382381568.000000 +2015-04-21 15:09:10,879 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:09:10,879 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:10,879 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:10,879 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:10,880 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,881 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,884 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,884 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,887 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,888 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,891 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,891 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,894 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,894 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,897 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,897 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,900 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,901 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,904 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,904 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,908 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,909 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,914 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,914 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,918 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,918 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,921 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,922 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,925 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,925 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,928 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,928 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,932 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:10,932 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:10,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:10,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:10,935 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:09:10,935 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:10,935 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:10,935 - __main__ - INFO - Average Fitness Value of Generation: 752953511899938566893574553600.000000 +2015-04-21 15:09:10,935 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:09:10,935 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:10,936 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:10,936 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:10,936 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,937 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,940 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,941 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,946 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,946 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,951 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,951 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,954 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,955 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,958 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,958 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,961 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,961 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,964 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,965 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,967 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,968 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,971 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,972 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,975 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,975 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,978 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,979 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,985 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,985 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,989 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,989 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,992 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:10,993 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:10,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:10,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:10,996 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:09:10,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:10,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:10,996 - __main__ - INFO - Average Fitness Value of Generation: 797002296886909984374897246208.000000 +2015-04-21 15:09:10,996 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:09:10,996 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:10,996 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:10,996 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:10,997 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:10,997 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:10,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,000 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,001 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,004 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,005 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,008 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,009 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,012 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,012 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,016 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,017 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,021 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,021 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,025 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,026 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,029 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,029 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,032 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,032 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,035 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,036 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,039 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,039 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,042 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,043 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,045 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,046 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,049 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,049 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,054 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:09:11,054 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:11,054 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,054 - __main__ - INFO - Average Fitness Value of Generation: 712952868205813676160392888320.000000 +2015-04-21 15:09:11,054 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:09:11,054 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:11,054 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:11,054 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:11,055 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,056 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,060 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,061 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,064 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,064 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,067 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,067 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,070 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,071 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,074 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,074 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,077 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,078 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,081 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,081 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,084 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,085 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,088 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,089 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,093 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,094 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,098 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,098 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,101 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,101 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,104 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,105 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,108 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,108 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,111 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:09:11,111 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:11,111 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,111 - __main__ - INFO - Average Fitness Value of Generation: 824908069353506546172496445440.000000 +2015-04-21 15:09:11,111 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:09:11,111 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:11,112 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:11,112 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:11,112 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,113 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,115 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,116 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,119 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,119 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,122 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,123 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,127 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,128 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,133 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,133 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,136 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,136 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,139 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,139 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,143 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,143 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,146 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,146 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,150 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,150 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,153 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,154 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,157 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,157 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,161 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,162 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,167 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,167 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,170 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:09:11,171 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:11,171 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,171 - __main__ - INFO - Average Fitness Value of Generation: 700652505887035492726831316992.000000 +2015-04-21 15:09:11,171 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:09:11,171 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:11,171 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:11,171 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:11,172 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,172 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,175 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,176 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,179 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,179 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,182 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,183 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,186 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,186 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,189 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,189 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,193 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,194 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,199 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,200 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,204 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,205 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,209 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,209 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,213 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,213 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,216 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,217 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,220 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,221 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,224 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,225 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,228 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,228 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,231 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:09:11,232 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:11,232 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,232 - __main__ - INFO - Average Fitness Value of Generation: 882623517973186088426272718848.000000 +2015-04-21 15:09:11,232 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:09:11,232 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:11,232 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:11,232 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:11,233 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,234 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,240 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,240 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,245 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,245 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,249 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,249 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,252 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,253 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,256 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,256 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,259 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,260 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,262 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,263 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,266 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,266 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,269 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,269 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,274 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,275 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,280 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,281 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,285 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,286 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,289 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,289 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,292 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,293 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,296 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:09:11,296 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:11,296 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,297 - __main__ - INFO - Average Fitness Value of Generation: 780186246222094142208760348672.000000 +2015-04-21 15:09:11,297 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:09:11,297 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:11,297 - __main__ - INFO - Finished run 0. +2015-04-21 15:09:11,297 - __main__ - INFO - Starting run 1... +2015-04-21 15:09:11,297 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:11,298 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:11,298 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:11,300 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:11,300 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:11,300 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:11,301 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,302 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,305 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,306 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,309 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,310 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,313 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,314 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,317 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,318 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,322 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,323 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,326 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,327 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,330 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,330 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,333 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,333 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,337 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,337 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,340 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,341 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,344 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,344 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,348 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,349 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,353 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,354 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,358 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,359 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,362 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:09:11,362 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:11,362 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:09:11,362 - __main__ - INFO - Average Fitness Value of Generation: 128951629856260464302505328640.000000 +2015-04-21 15:09:11,362 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:09:11,363 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:11,363 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:11,363 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:11,363 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,364 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,367 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,367 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,370 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,371 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,374 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,374 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,377 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,378 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,382 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,383 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,388 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,389 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,394 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,394 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,397 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,398 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,401 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,401 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,404 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,405 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,408 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,409 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,412 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,412 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,415 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,416 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,421 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:11,422 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:11,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:11,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:11,427 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:09:11,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:11,428 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:09:11,428 - __main__ - INFO - Average Fitness Value of Generation: 353980437209437169014703915008.000000 +2015-04-21 15:09:11,428 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:09:11,428 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:11,428 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:11,428 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:11,429 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,430 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,434 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,435 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,438 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,438 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,442 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,442 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,445 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,445 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,448 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,449 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,452 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,452 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,455 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,455 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,460 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,461 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,467 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,467 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,472 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,472 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,476 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,476 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,479 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,480 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,483 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,483 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,486 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:11,486 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:11,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:11,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:11,489 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:09:11,489 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:11,490 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:09:11,490 - __main__ - INFO - Average Fitness Value of Generation: 377224241839890508010619928576.000000 +2015-04-21 15:09:11,490 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:09:11,490 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:11,490 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:11,490 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:11,491 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,491 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,495 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,495 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,500 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,501 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,506 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,506 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,511 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,511 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,514 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,515 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,518 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,518 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,521 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,521 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,524 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,525 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,528 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,528 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,531 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,532 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,536 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,537 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,542 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,544 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,548 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,549 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,552 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:11,552 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:11,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:11,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:11,555 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:09:11,556 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:11,556 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:09:11,556 - __main__ - INFO - Average Fitness Value of Generation: 557299388627508634112439091200.000000 +2015-04-21 15:09:11,556 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:09:11,556 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:11,556 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:11,556 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:11,557 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,557 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,560 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,561 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,564 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,564 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,568 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,568 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,571 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,572 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,578 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,579 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,584 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,585 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,589 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,589 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,593 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,593 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,596 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,597 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,600 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,600 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,603 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,604 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,607 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,607 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,610 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,611 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,616 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:11,617 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:11,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:11,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:11,622 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:09:11,622 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:11,622 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,622 - __main__ - INFO - Average Fitness Value of Generation: 713434630145068058460744056832.000000 +2015-04-21 15:09:11,622 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:09:11,623 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:11,623 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:11,623 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:11,624 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,624 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,628 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,629 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,633 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,633 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,638 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,639 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,642 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,643 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,646 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,647 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,653 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,655 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,662 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,662 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,666 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,667 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,671 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,672 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,675 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,675 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,678 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,679 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,682 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,682 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,685 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,685 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,688 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:11,688 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:11,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:11,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:11,692 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:09:11,693 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:11,693 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,693 - __main__ - INFO - Average Fitness Value of Generation: 848983750988785626063518564352.000000 +2015-04-21 15:09:11,693 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:09:11,693 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:11,693 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:11,694 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:11,695 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,696 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,701 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,702 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,706 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,706 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,710 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,710 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,713 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,714 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,717 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,718 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,721 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,722 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,725 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,725 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,728 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,728 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,733 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,734 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,739 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,739 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,743 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,744 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,747 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,747 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,750 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,751 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,754 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:11,755 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:11,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:11,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:11,758 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:09:11,758 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:11,758 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,758 - __main__ - INFO - Average Fitness Value of Generation: 903238943247808186162515804160.000000 +2015-04-21 15:09:11,758 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:09:11,758 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:11,758 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:11,758 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:11,759 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,760 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,762 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,763 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,766 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,767 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,772 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,773 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,778 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,779 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,783 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,784 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,787 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,787 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,790 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,791 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,794 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,794 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,797 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,797 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,800 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,801 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,804 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,804 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,809 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,810 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,816 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,816 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,821 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:11,821 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:11,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:11,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:11,824 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:09:11,825 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:11,825 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,825 - __main__ - INFO - Average Fitness Value of Generation: 1002974311010410288379099873280.000000 +2015-04-21 15:09:11,825 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:09:11,825 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:11,825 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:11,825 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:11,826 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,826 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,829 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,829 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,832 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,833 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,836 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,836 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,839 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,840 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,843 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,844 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,848 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,849 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,854 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,855 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,859 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,860 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,863 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,864 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,867 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,867 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,870 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,871 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,874 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,874 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,877 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,878 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,881 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:11,881 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:11,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:11,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:11,885 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:09:11,885 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:11,885 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,885 - __main__ - INFO - Average Fitness Value of Generation: 932772215679081660706740764672.000000 +2015-04-21 15:09:11,885 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:09:11,886 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:11,886 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:11,886 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:11,887 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,888 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,893 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,894 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,898 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,899 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,901 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,902 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,905 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,906 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,909 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,909 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,913 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,913 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,916 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,917 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,920 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,920 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,925 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,926 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,931 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,932 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,937 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,937 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,941 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,941 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,944 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,945 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,948 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:11,948 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:11,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:11,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:11,951 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:09:11,951 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:11,951 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:11,951 - __main__ - INFO - Average Fitness Value of Generation: 866968224842699561417238904832.000000 +2015-04-21 15:09:11,951 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:09:11,951 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:11,952 - __main__ - INFO - Finished run 1. +2015-04-21 15:09:11,952 - __main__ - INFO - Starting run 2... +2015-04-21 15:09:11,952 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:11,953 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:11,953 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:11,955 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:11,955 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:11,955 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:11,956 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,956 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,959 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,960 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,964 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,965 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,971 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,973 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,977 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,978 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,981 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,982 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,985 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,985 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,989 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,989 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,992 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,993 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,996 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:11,996 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:11,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:11,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:11,999 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,001 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,006 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,007 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,012 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,012 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,016 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,016 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,019 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,020 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,023 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:09:12,023 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:12,023 - __main__ - INFO - Fitness Value of Best Individual: 326118313670842555533010927616.000000 +2015-04-21 15:09:12,023 - __main__ - INFO - Average Fitness Value of Generation: 49884892940613121396109737984.000000 +2015-04-21 15:09:12,023 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:09:12,024 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:12,024 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:12,024 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:12,024 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,025 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,028 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,029 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,032 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,032 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,035 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,036 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,039 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,040 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,046 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,046 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,051 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,052 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,055 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,056 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,059 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,060 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,063 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,063 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,066 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,067 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,070 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,070 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,073 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,074 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,077 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,078 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,084 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,085 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,089 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:09:12,090 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:12,090 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:09:12,090 - __main__ - INFO - Average Fitness Value of Generation: 153663254349263094369071661056.000000 +2015-04-21 15:09:12,090 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:09:12,090 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:12,090 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:12,090 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:12,091 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,092 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,095 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,095 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,098 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,099 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,101 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,102 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,105 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,105 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,108 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,109 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,112 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,113 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,116 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,116 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,120 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,121 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,125 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,126 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,130 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,131 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,134 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,135 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,138 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,138 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,141 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,141 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,144 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,145 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,148 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:09:12,148 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:12,148 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:09:12,148 - __main__ - INFO - Average Fitness Value of Generation: 255981755806099501998520926208.000000 +2015-04-21 15:09:12,148 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:09:12,148 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:12,148 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:12,148 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:12,149 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,149 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,152 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,153 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,156 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,156 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,160 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,162 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,165 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,166 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,169 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,169 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,172 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,173 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,176 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,176 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,179 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,179 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,182 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,183 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,186 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,186 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,189 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,190 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,195 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,195 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,200 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,201 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,204 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,204 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,207 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:09:12,208 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:12,208 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:09:12,208 - __main__ - INFO - Average Fitness Value of Generation: 393705687841543455501130399744.000000 +2015-04-21 15:09:12,208 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:09:12,208 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:12,208 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:12,208 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:12,209 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,209 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,212 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,213 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,215 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,216 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,219 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,219 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,222 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,223 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,226 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,227 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,232 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,232 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,237 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,237 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,240 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,240 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,243 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,244 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,246 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,247 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,250 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,251 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,254 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,254 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,257 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,257 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,262 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,263 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,269 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:09:12,269 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:12,269 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:09:12,269 - __main__ - INFO - Average Fitness Value of Generation: 488491312688557870384808984576.000000 +2015-04-21 15:09:12,269 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:09:12,269 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:12,269 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:12,269 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:12,270 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,271 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,275 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,276 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,279 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,279 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,282 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,283 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,286 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,286 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,289 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,290 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,293 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,294 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,296 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,297 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,302 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,303 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,308 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,309 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,313 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,313 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,317 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,317 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,320 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,320 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,324 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,324 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,327 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,327 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,330 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:09:12,331 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:12,331 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:09:12,331 - __main__ - INFO - Average Fitness Value of Generation: 635427790738896961843803193344.000000 +2015-04-21 15:09:12,331 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:09:12,331 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:12,331 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:12,331 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:12,332 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,332 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,335 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,335 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,340 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,341 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,346 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,347 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,351 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,352 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,354 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,355 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,358 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,359 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,362 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,362 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,365 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,365 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,368 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,369 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,372 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,372 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,375 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,375 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,380 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,382 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,386 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,387 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,391 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,391 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,394 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:09:12,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:12,395 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,395 - __main__ - INFO - Average Fitness Value of Generation: 872034265231579058944973209600.000000 +2015-04-21 15:09:12,395 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:09:12,395 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:12,395 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:12,395 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:12,396 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,396 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,399 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,399 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,403 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,403 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,406 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,406 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,410 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,410 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,413 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,415 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,420 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,420 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,425 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,426 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,430 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,430 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,434 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,434 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,437 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,437 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,440 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,441 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,444 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,444 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,447 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,447 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,450 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:12,451 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:12,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:12,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:12,455 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:09:12,455 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:12,455 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:09:12,455 - __main__ - INFO - Average Fitness Value of Generation: 878794133039743789842615500800.000000 +2015-04-21 15:09:12,455 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:09:12,455 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:12,456 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:12,456 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:12,457 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,458 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,463 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,464 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,468 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,469 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,472 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,473 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,475 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,476 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,479 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,480 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,483 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,483 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,486 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,487 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,490 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,490 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,493 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,494 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,498 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,499 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,503 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,504 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,507 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,508 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,510 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,511 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,514 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:12,514 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:12,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:12,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:12,517 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:09:12,517 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:12,517 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,518 - __main__ - INFO - Average Fitness Value of Generation: 787273543603970186501454561280.000000 +2015-04-21 15:09:12,518 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:09:12,518 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:12,518 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:12,518 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:12,518 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,519 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,522 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,522 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,525 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,526 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,529 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,529 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,533 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,534 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,539 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,539 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,543 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,544 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,546 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,547 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,550 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,551 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,553 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,554 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,557 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,558 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,561 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,561 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,564 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,565 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,569 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,570 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,575 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:12,575 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:12,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:12,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:12,578 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:09:12,579 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:12,579 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,579 - __main__ - INFO - Average Fitness Value of Generation: 915206669635653287341608402944.000000 +2015-04-21 15:09:12,579 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:09:12,579 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:12,579 - __main__ - INFO - Finished run 2. +2015-04-21 15:09:12,579 - __main__ - INFO - Starting run 3... +2015-04-21 15:09:12,579 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:12,580 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:12,580 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:12,582 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:12,582 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:12,582 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:12,583 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,584 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,587 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,588 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,591 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,591 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,594 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,595 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,598 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,598 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,601 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,602 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,607 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,607 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,612 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,613 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,616 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,616 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,619 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,620 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,623 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,624 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,627 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,628 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,631 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,632 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,635 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,636 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,640 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:12,640 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:12,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:12,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:12,645 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:09:12,645 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 +2015-04-21 15:09:12,645 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 +2015-04-21 15:09:12,645 - __main__ - INFO - Average Fitness Value of Generation: 160047329084761517425824890880.000000 +2015-04-21 15:09:12,645 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:09:12,645 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:12,646 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:12,646 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:12,647 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,647 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,654 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,655 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,659 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,660 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,663 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,663 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,668 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,668 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,672 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,673 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,676 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,676 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,679 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,679 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,685 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,685 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,690 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,690 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,693 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,694 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,697 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,697 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,701 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,702 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,707 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,707 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,710 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:12,711 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:12,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:12,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:12,714 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:09:12,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:12,714 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-21 15:09:12,715 - __main__ - INFO - Average Fitness Value of Generation: 271966126863684872409909821440.000000 +2015-04-21 15:09:12,715 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:09:12,715 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:12,715 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:12,715 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:12,715 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,716 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,722 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,723 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,727 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,728 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,731 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,731 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,734 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,735 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,738 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,738 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,741 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,742 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,745 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,745 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,748 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,749 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,752 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,752 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,756 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,757 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,762 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,762 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,766 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,766 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,769 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,770 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,773 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:12,773 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:12,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:12,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:12,776 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:09:12,776 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:12,776 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,777 - __main__ - INFO - Average Fitness Value of Generation: 720903217756518234175146295296.000000 +2015-04-21 15:09:12,777 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:09:12,777 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:12,777 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:12,777 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:12,777 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,778 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,781 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,782 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,785 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,785 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,789 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,789 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,793 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,794 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,798 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,799 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,802 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,802 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,806 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,806 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,809 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,809 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,812 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,813 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,816 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,817 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,819 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,820 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,823 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,824 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,828 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,829 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,833 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:12,834 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:12,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:12,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:12,837 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:09:12,837 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:12,837 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,837 - __main__ - INFO - Average Fitness Value of Generation: 884367806050073210927842328576.000000 +2015-04-21 15:09:12,837 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:09:12,837 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:12,837 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:12,838 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:12,838 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,839 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,842 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,842 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,845 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,846 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,848 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,849 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,852 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,852 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,855 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,856 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,859 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,859 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,864 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,864 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,869 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,869 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,872 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,873 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,876 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,876 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,879 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,880 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,883 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,883 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,886 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,887 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,890 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:12,890 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:12,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:12,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:12,893 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:09:12,894 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:12,894 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,894 - __main__ - INFO - Average Fitness Value of Generation: 951930821034606181702982172672.000000 +2015-04-21 15:09:12,894 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:09:12,894 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:12,894 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:12,894 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:12,895 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,895 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,899 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,899 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,904 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,905 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,909 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,909 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,912 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,912 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,915 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,916 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,919 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,919 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,922 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,923 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,926 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,926 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,929 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,930 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,934 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,934 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,938 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,939 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,943 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,944 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,947 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,947 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,950 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:12,951 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:12,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:12,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:12,954 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:09:12,954 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:12,954 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:12,954 - __main__ - INFO - Average Fitness Value of Generation: 865517795960718481507649323008.000000 +2015-04-21 15:09:12,954 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:09:12,954 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:12,954 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:12,954 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:12,955 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,956 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,958 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,959 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,962 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,963 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,966 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,967 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,973 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,974 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,978 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,979 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,983 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,983 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,986 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,987 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,990 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,990 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,993 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,994 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:12,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:12,996 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:12,997 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:12,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,000 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,000 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,003 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,003 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,008 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,010 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,015 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,015 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,020 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:09:13,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:13,020 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,020 - __main__ - INFO - Average Fitness Value of Generation: 866615897528675309317718540288.000000 +2015-04-21 15:09:13,020 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:09:13,020 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:13,020 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:13,020 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:13,021 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,021 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,024 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,025 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,028 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,028 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,031 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,032 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,035 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,036 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,039 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,039 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,043 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,043 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,049 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,050 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,054 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,055 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,059 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,059 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,062 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,063 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,066 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,067 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,070 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,070 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,073 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,073 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,076 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,077 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,080 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:09:13,080 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:13,080 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,080 - __main__ - INFO - Average Fitness Value of Generation: 997088278544105885691317059584.000000 +2015-04-21 15:09:13,080 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:09:13,080 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:13,080 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:13,080 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:13,081 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,082 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,087 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,088 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,092 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,094 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,097 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,098 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,101 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,101 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,105 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,106 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,109 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,109 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,113 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,113 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,116 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,116 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,120 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,120 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,125 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,126 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,131 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,131 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,136 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,137 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,140 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,140 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,143 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,143 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,146 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:09:13,146 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:13,147 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,147 - __main__ - INFO - Average Fitness Value of Generation: 850887894604325316415715278848.000000 +2015-04-21 15:09:13,147 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:09:13,147 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:13,147 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:13,147 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:13,148 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,148 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,151 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,152 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,155 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,155 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,158 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,159 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,164 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,164 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,169 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,170 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,174 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,174 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,177 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,178 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,181 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,182 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,185 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,186 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,189 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,189 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,192 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,193 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,196 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,196 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,199 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,200 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,205 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,205 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,210 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:09:13,210 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:13,210 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,210 - __main__ - INFO - Average Fitness Value of Generation: 1029522701619187202217631285248.000000 +2015-04-21 15:09:13,210 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:09:13,210 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:13,210 - __main__ - INFO - Finished run 3. +2015-04-21 15:09:13,210 - __main__ - INFO - Starting run 4... +2015-04-21 15:09:13,210 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:13,212 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:13,212 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:13,213 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:13,213 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:13,214 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:13,214 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,217 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,220 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,221 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,224 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,224 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,227 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,228 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,231 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,232 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,235 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,235 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,240 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,241 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,246 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,247 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,250 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,250 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,253 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,254 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,256 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,257 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,260 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,261 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,267 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,270 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,276 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,277 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,282 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:09:13,282 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:13,282 - __main__ - INFO - Fitness Value of Best Individual: 851041981810043742748359524352.000000 +2015-04-21 15:09:13,282 - __main__ - INFO - Average Fitness Value of Generation: 38182924730762123779992715264.000000 +2015-04-21 15:09:13,282 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:09:13,283 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:13,283 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:13,283 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:13,283 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,284 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,287 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,287 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,290 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,291 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,294 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,294 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,297 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,298 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,301 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,302 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,305 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,306 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,311 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,312 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,316 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,317 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,321 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,322 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,325 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,325 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,329 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,329 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,332 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,333 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,336 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,337 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,339 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,340 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,343 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:09:13,343 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-21 15:09:13,343 - __main__ - INFO - Fitness Value of Best Individual: 1040727734018910144695227121664.000000 +2015-04-21 15:09:13,343 - __main__ - INFO - Average Fitness Value of Generation: 306417189959593756113212801024.000000 +2015-04-21 15:09:13,343 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:09:13,343 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:13,343 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:13,343 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:13,344 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,345 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,348 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,350 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,354 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,355 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,358 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,358 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,361 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,362 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,365 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,366 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,369 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,369 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,372 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,373 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,375 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,376 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,379 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,379 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,382 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,383 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,389 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,390 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,394 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,394 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,398 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,398 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,401 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,402 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,405 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:09:13,405 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:13,405 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:09:13,405 - __main__ - INFO - Average Fitness Value of Generation: 484517432623180025062561415168.000000 +2015-04-21 15:09:13,405 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:09:13,405 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:13,405 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:13,405 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:13,406 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,406 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,409 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,410 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,413 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,414 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,417 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,417 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,422 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,423 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,427 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,428 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,431 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,432 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,434 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,435 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,438 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,438 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,441 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,441 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,444 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,445 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,448 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,448 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,451 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,452 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,458 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,458 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,462 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:13,463 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:13,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:13,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:13,467 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:09:13,467 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:13,467 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:09:13,468 - __main__ - INFO - Average Fitness Value of Generation: 554055906847995641278133960704.000000 +2015-04-21 15:09:13,468 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:09:13,468 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:13,468 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:13,468 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:13,468 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,469 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,472 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,473 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,475 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,476 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,479 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,480 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,483 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,483 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,486 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,486 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,490 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,490 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,495 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,496 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,501 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,501 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,506 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,506 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,509 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,510 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,513 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,513 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,516 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,517 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,520 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,521 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,524 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:13,525 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:13,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:13,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:13,528 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:09:13,528 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:13,528 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,528 - __main__ - INFO - Average Fitness Value of Generation: 602268135576848348472357683200.000000 +2015-04-21 15:09:13,528 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:09:13,529 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:13,529 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:13,529 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:13,530 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,531 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,537 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,537 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,542 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,542 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,546 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,546 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,549 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,550 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,553 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,553 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,556 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,557 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,559 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,560 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,563 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,564 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,567 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,568 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,574 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,575 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,579 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,580 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,583 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,584 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,587 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,587 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,590 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:13,591 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:13,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:13,594 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:09:13,594 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:13,594 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:09:13,594 - __main__ - INFO - Average Fitness Value of Generation: 659284086147808327921580376064.000000 +2015-04-21 15:09:13,594 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:09:13,594 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:13,594 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:13,595 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:13,595 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,596 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,599 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,599 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,603 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,603 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,606 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,607 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,611 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,612 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,616 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,617 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,620 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,620 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,623 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,624 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,627 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,628 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,631 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,632 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,635 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,636 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,641 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,641 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,645 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,645 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,650 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,650 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,658 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:13,659 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:13,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:13,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:13,663 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:09:13,663 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:13,663 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,663 - __main__ - INFO - Average Fitness Value of Generation: 864858397782011761887467798528.000000 +2015-04-21 15:09:13,663 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:09:13,663 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:13,663 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:13,663 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:13,664 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,665 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,669 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,670 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,673 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,674 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,677 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,677 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,681 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,681 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,686 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,686 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,691 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,691 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,695 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,695 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,698 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,699 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,703 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,704 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,707 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,707 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,710 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,711 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,714 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,715 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,718 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,723 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:13,723 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:13,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:13,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:13,727 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:09:13,728 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:13,728 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,728 - __main__ - INFO - Average Fitness Value of Generation: 918948126720839328648640069632.000000 +2015-04-21 15:09:13,728 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:09:13,728 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:13,728 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:13,728 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:13,729 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,730 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,733 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,734 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,737 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,738 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,741 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,741 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,744 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,745 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,748 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,748 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,751 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,752 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,755 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,755 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,759 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,760 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,765 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,765 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,768 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,769 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,772 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,772 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,775 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,775 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,778 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,779 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,782 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:13,782 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:13,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:13,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:13,785 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:09:13,785 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:13,786 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,786 - __main__ - INFO - Average Fitness Value of Generation: 834636585582421127933932339200.000000 +2015-04-21 15:09:13,786 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:09:13,786 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:13,786 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:13,786 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:13,787 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,787 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,791 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,792 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,798 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,798 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,803 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,803 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,806 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,807 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,810 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,810 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,813 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,814 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,817 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,817 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,821 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,821 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,825 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,825 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,829 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,830 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,835 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,836 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,840 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,841 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,844 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,845 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,847 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:13,848 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:13,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:13,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:13,851 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:09:13,851 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:13,851 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:13,851 - __main__ - INFO - Average Fitness Value of Generation: 776131342094811120140900368384.000000 +2015-04-21 15:09:13,851 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:09:13,851 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:13,852 - __main__ - INFO - Finished run 4. +2015-04-21 15:09:13,852 - __main__ - INFO - Starting run 5... +2015-04-21 15:09:13,852 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:13,853 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:13,853 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:13,855 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:13,855 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:13,855 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:13,855 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,856 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,859 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,859 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,862 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,862 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,865 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,865 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,869 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,869 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,874 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,874 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,879 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,879 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,883 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,883 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,886 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,887 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,890 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,891 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,894 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,894 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,897 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,898 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,901 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,901 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,904 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,905 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,909 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:13,910 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:13,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:13,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:13,915 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:09:13,915 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:13,915 - __main__ - INFO - Fitness Value of Best Individual: 693059209730176842726283149312.000000 +2015-04-21 15:09:13,915 - __main__ - INFO - Average Fitness Value of Generation: 79630741283676179940425859072.000000 +2015-04-21 15:09:13,915 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:09:13,915 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:13,916 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:13,916 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:13,916 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,917 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,920 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,920 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,923 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,924 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,927 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,927 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,930 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,930 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,933 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,933 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,936 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,937 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,940 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,941 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,946 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,946 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,951 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,951 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,955 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,955 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,958 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,959 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,962 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,963 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,965 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,966 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,969 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:13,970 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:13,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:13,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:13,972 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:09:13,972 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:13,973 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:09:13,973 - __main__ - INFO - Average Fitness Value of Generation: 482066202280731629807218982912.000000 +2015-04-21 15:09:13,973 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:09:13,973 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:13,973 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:13,973 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:13,974 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,974 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,978 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,978 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,982 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,983 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,987 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,988 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,991 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,992 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,996 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,996 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:13,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:13,999 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:13,999 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:13,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,002 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,003 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,005 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,006 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,009 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,009 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,012 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,013 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,018 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,018 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,023 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,023 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,027 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,027 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,030 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,031 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,034 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:09:14,035 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:14,035 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:09:14,035 - __main__ - INFO - Average Fitness Value of Generation: 641583331988251051647041536000.000000 +2015-04-21 15:09:14,035 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:09:14,035 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:14,035 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:14,035 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:14,036 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,036 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,039 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,039 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,042 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,042 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,045 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,045 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,049 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,049 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,053 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,053 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,058 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,058 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,062 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,062 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,065 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,065 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,068 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,069 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,072 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,072 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,075 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,076 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,078 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,079 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,082 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,083 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,086 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,087 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,091 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:09:14,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:14,092 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:09:14,092 - __main__ - INFO - Average Fitness Value of Generation: 616157394801940659748181377024.000000 +2015-04-21 15:09:14,092 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:09:14,092 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:14,092 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:14,092 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:14,094 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,095 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,098 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,098 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,102 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,102 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,105 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,106 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,108 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,109 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,112 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,112 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,115 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,116 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,119 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,121 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,126 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,127 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,131 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,132 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,135 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,136 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,139 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,139 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,142 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,142 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,145 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,145 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,148 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,149 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,152 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:09:14,152 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:14,152 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:09:14,152 - __main__ - INFO - Average Fitness Value of Generation: 640785759131449462192609427456.000000 +2015-04-21 15:09:14,152 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:09:14,152 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:14,153 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:14,153 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:14,153 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,154 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,158 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,159 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,165 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,165 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,170 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,170 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,174 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,174 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,177 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,177 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,180 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,181 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,184 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,184 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,187 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,188 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,190 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,191 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,194 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,194 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,199 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,200 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,205 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,206 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,210 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,211 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,214 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,214 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,217 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:09:14,218 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:14,218 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,218 - __main__ - INFO - Average Fitness Value of Generation: 816352343394596289904279289856.000000 +2015-04-21 15:09:14,218 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:09:14,218 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:14,218 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:14,218 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:14,219 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,219 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,222 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,223 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,226 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,226 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,229 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,230 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,233 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,233 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,237 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,237 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,242 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,243 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,247 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,248 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,250 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,251 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,254 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,254 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,257 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,258 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,260 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,261 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,264 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,264 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,267 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,267 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,270 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,271 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,275 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:09:14,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:14,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,276 - __main__ - INFO - Average Fitness Value of Generation: 764165315583363753045506654208.000000 +2015-04-21 15:09:14,276 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:09:14,276 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:14,276 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:14,276 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:14,277 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,278 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,282 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,283 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,286 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,287 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,290 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,290 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,293 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,293 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,296 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,297 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,300 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,300 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,303 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,304 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,307 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,308 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,312 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,313 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,317 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,317 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,321 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,321 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,324 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,325 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,328 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,328 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,331 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,332 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,335 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:09:14,335 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:14,335 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,336 - __main__ - INFO - Average Fitness Value of Generation: 859599297023259993725686775808.000000 +2015-04-21 15:09:14,336 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:09:14,336 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:14,336 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:14,336 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:14,337 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,337 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,340 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,340 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,344 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,345 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,350 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,351 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,356 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,356 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,359 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,360 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,363 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,363 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,366 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,367 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,370 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,371 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,374 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,374 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,377 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,378 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,381 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,381 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,384 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,385 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,389 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,390 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,394 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,394 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,397 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:09:14,398 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:14,398 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,398 - __main__ - INFO - Average Fitness Value of Generation: 679105546989627932100484136960.000000 +2015-04-21 15:09:14,398 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:09:14,398 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:14,398 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:14,398 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:14,399 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,399 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,402 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,403 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,406 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,406 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,410 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,410 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,413 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,414 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,418 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,419 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,425 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,427 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,432 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,432 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,436 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,436 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,439 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,440 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,443 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,444 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,447 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,447 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,450 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,451 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,454 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,454 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,457 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:14,458 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:14,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:14,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:14,461 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:09:14,461 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:14,462 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,462 - __main__ - INFO - Average Fitness Value of Generation: 775196851233497207301273026560.000000 +2015-04-21 15:09:14,462 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:09:14,462 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:14,462 - __main__ - INFO - Finished run 5. +2015-04-21 15:09:14,462 - __main__ - INFO - Starting run 6... +2015-04-21 15:09:14,462 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:14,464 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:14,464 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:14,466 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:14,466 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:14,466 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:14,467 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,468 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,472 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,473 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,476 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,477 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,480 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,481 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,484 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,484 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,487 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,488 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,491 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,492 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,495 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,495 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,499 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,499 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,503 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,505 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,509 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,509 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,512 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,513 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,516 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,517 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,520 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,521 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,524 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:14,524 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:14,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:14,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:14,527 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:09:14,528 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:14,528 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:09:14,528 - __main__ - INFO - Average Fitness Value of Generation: 178617362179450838812094103552.000000 +2015-04-21 15:09:14,528 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:09:14,528 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:14,528 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:14,528 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:14,529 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,529 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,532 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,532 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,537 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,538 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,542 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,543 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,545 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,546 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,549 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,549 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,552 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,552 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,555 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,556 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,558 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,559 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,562 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,562 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,565 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,565 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,568 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,570 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,575 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,576 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,580 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,581 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,584 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:14,585 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:14,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:14,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:14,588 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:09:14,588 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:14,588 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,588 - __main__ - INFO - Average Fitness Value of Generation: 631236030198261510784078053376.000000 +2015-04-21 15:09:14,588 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:09:14,588 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:14,588 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:14,588 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:14,589 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,589 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,592 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,593 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,596 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,596 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,599 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,600 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,603 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,603 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,608 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,609 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,613 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,614 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,617 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,617 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,620 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,621 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,624 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,625 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,628 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,629 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,632 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,633 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,636 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,636 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,640 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,640 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,645 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:14,646 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:14,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:14,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:14,653 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:09:14,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:14,654 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:14,654 - __main__ - INFO - Average Fitness Value of Generation: 831574114122735434469952454656.000000 +2015-04-21 15:09:14,654 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:09:14,654 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:14,654 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:14,654 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:14,655 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,656 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,659 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,660 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,663 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,664 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,668 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,668 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,671 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,672 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,675 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,676 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,679 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,679 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,683 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,684 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,688 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,689 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,692 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,692 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,695 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,696 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,699 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,700 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,704 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,704 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,707 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,707 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,710 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:14,711 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:14,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:14,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:14,714 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:09:14,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:14,714 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:09:14,714 - __main__ - INFO - Average Fitness Value of Generation: 885873769743164403700316766208.000000 +2015-04-21 15:09:14,714 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:09:14,714 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:14,714 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:14,714 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:14,715 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,715 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,720 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,720 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,725 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,725 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,728 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,728 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,732 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,732 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,735 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,736 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,739 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,739 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,742 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,742 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,745 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,746 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,749 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,749 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,753 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,754 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,758 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,759 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,763 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,763 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,766 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,767 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,769 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:14,770 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:14,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:14,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:14,773 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:09:14,773 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:14,773 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,773 - __main__ - INFO - Average Fitness Value of Generation: 900826361247454617037497696256.000000 +2015-04-21 15:09:14,773 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:09:14,773 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:14,773 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:14,773 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:14,774 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,774 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,777 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,778 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,781 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,781 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,784 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,785 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,788 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,789 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,794 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,795 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,798 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,799 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,802 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,803 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,806 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,806 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,809 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,809 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,812 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,813 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,816 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,816 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,819 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,820 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,823 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,823 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,828 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:14,829 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:14,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:14,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:14,833 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:09:14,833 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:14,833 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,833 - __main__ - INFO - Average Fitness Value of Generation: 971570255247547170262016327680.000000 +2015-04-21 15:09:14,833 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:09:14,833 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:14,833 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:14,834 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:14,834 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,835 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,838 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,838 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,841 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,842 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,844 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,845 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,847 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,848 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,851 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,851 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,854 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,855 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,857 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,858 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,861 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,863 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,867 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,868 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,872 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,872 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,875 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,876 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,879 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,879 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,882 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,883 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,886 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:14,886 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:14,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:14,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:14,889 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:09:14,889 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:14,889 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,889 - __main__ - INFO - Average Fitness Value of Generation: 814538830753832256612635508736.000000 +2015-04-21 15:09:14,889 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:09:14,889 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:14,889 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:14,889 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:14,890 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,891 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,894 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,895 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,900 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,901 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,906 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,906 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,910 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,911 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,914 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,914 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,917 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,918 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,921 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,921 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,924 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,924 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,928 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,928 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,931 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,932 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,937 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,938 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,943 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,944 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,948 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,949 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,952 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:14,952 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:14,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:14,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:14,955 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:09:14,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:14,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:14,955 - __main__ - INFO - Average Fitness Value of Generation: 802215376779592916393913221120.000000 +2015-04-21 15:09:14,956 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:09:14,956 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:14,956 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:14,956 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:14,956 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,957 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,960 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,961 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,964 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,964 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,967 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,967 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,970 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,970 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,974 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,976 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,980 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,981 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,984 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,985 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,988 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,988 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,991 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,991 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,994 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,995 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:14,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:14,998 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:14,999 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:14,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,002 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,002 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,005 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,006 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,009 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,009 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,014 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:09:15,014 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:15,014 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,014 - __main__ - INFO - Average Fitness Value of Generation: 957344437187560738835853737984.000000 +2015-04-21 15:09:15,014 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:09:15,014 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:15,014 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:15,015 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:15,015 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,016 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,020 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,021 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,024 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,024 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,027 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,028 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,030 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,031 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,034 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,034 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,037 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,038 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,041 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,041 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,045 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,045 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,050 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,050 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,055 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,055 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,059 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,059 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,062 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,063 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,066 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,067 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,070 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,070 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,074 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:09:15,074 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:15,074 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,074 - __main__ - INFO - Average Fitness Value of Generation: 980637978042445948895182716928.000000 +2015-04-21 15:09:15,074 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:09:15,074 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:15,074 - __main__ - INFO - Finished run 6. +2015-04-21 15:09:15,075 - __main__ - INFO - Starting run 7... +2015-04-21 15:09:15,075 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:15,076 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:15,076 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:15,078 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:15,078 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:15,078 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:15,079 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,081 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,086 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,087 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,091 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,092 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,095 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,096 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,099 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,099 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,102 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,103 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,105 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,106 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,109 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,110 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,113 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,113 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,116 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,117 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,122 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,123 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,128 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,128 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,133 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,133 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,136 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,136 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,139 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,140 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,143 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:09:15,143 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:15,143 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 +2015-04-21 15:09:15,143 - __main__ - INFO - Average Fitness Value of Generation: 86381190855110447051803983872.000000 +2015-04-21 15:09:15,143 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:09:15,143 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:15,143 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:15,144 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:15,144 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,145 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,148 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,148 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,152 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,152 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,155 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,156 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,161 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,163 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,167 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,168 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,171 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,171 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,175 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,175 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,178 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,178 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,181 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,181 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,184 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,185 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,188 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,191 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,192 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,195 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,196 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,202 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,202 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,207 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:09:15,207 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:15,207 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 +2015-04-21 15:09:15,207 - __main__ - INFO - Average Fitness Value of Generation: 198018732089409126015306825728.000000 +2015-04-21 15:09:15,207 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:09:15,207 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:15,208 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:15,208 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:15,209 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,209 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,213 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,213 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,216 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,217 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,219 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,220 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,224 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,224 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,228 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,228 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,231 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,231 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,234 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,235 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,240 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,241 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,245 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,249 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,249 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,252 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,252 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,255 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,255 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,258 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,259 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,262 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,262 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,265 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:09:15,265 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:15,265 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 +2015-04-21 15:09:15,265 - __main__ - INFO - Average Fitness Value of Generation: 340240709161280389033303736320.000000 +2015-04-21 15:09:15,265 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:09:15,265 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:15,265 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:15,265 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:15,266 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,266 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,269 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,269 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,273 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,274 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,279 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,280 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,283 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,284 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,287 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,287 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,291 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,291 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,295 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,295 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,298 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,299 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,302 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,302 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,305 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,307 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,312 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,313 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,317 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,318 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,321 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,322 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,325 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,325 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,328 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:09:15,328 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:15,328 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:09:15,329 - __main__ - INFO - Average Fitness Value of Generation: 520900743108152809898318495744.000000 +2015-04-21 15:09:15,329 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:09:15,329 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:15,329 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:15,329 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:15,330 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,330 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,333 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,333 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,336 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,337 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,340 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,340 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,343 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,344 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,349 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,350 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,355 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,355 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,360 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,360 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,363 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,364 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,367 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,368 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,371 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,371 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,374 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,375 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,378 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,379 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,382 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,382 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,385 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,386 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,391 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:09:15,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:15,391 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:15,391 - __main__ - INFO - Average Fitness Value of Generation: 733345703811029317223891075072.000000 +2015-04-21 15:09:15,391 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:09:15,391 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:15,391 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:15,392 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:15,392 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,393 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,397 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,397 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,400 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,401 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,403 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,404 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,407 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,407 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,410 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,411 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,414 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,414 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,417 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,417 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,420 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,421 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,424 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,424 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,428 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,428 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,433 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,433 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,436 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,436 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,439 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,440 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,443 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:15,443 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:15,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:15,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:15,446 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:09:15,446 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:15,446 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,446 - __main__ - INFO - Average Fitness Value of Generation: 757001153616330314645426405376.000000 +2015-04-21 15:09:15,446 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:09:15,446 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:15,446 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:15,446 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:15,447 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,448 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,451 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,451 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,454 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,454 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,457 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,458 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,462 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,462 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,466 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,467 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,470 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,471 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,474 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,474 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,477 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,477 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,481 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,481 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,484 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,484 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,487 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,488 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,491 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,491 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,495 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,495 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,499 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:15,499 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:15,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:15,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:15,504 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:09:15,504 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:15,504 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:15,504 - __main__ - INFO - Average Fitness Value of Generation: 764273029959771142929623547904.000000 +2015-04-21 15:09:15,504 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:09:15,504 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:15,504 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:15,504 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:15,505 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,505 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,508 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,509 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,511 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,512 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,515 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,515 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,518 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,518 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,521 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,521 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,524 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,525 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,527 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,528 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,531 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,532 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,536 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,537 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,541 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,541 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,544 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,544 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,547 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,548 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,551 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,551 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,554 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:15,554 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:15,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:15,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:15,557 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:09:15,557 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:15,557 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,557 - __main__ - INFO - Average Fitness Value of Generation: 887759593818308574683871576064.000000 +2015-04-21 15:09:15,557 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:09:15,558 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:15,558 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:15,558 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:15,558 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,559 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,562 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,562 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,565 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,566 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,570 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,571 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,575 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,575 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,578 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,579 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,582 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,583 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,586 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,586 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,589 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,590 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,594 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,594 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,597 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,597 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,601 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,601 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,607 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,608 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,613 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,613 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,616 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:15,617 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:15,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:15,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:15,620 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:09:15,620 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:15,621 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,621 - __main__ - INFO - Average Fitness Value of Generation: 847003039768226793619617480704.000000 +2015-04-21 15:09:15,621 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:09:15,621 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:15,621 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:15,621 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:15,622 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,622 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,626 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,626 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,629 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,630 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,633 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,634 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,637 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,638 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,644 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,645 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,652 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,654 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,657 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,659 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,663 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,664 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,669 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,669 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,675 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,676 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,679 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,680 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,687 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,689 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,695 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,695 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,698 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:15,699 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:15,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:15,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:15,706 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:09:15,707 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:09:15,707 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,707 - __main__ - INFO - Average Fitness Value of Generation: 997604131044433540745898491904.000000 +2015-04-21 15:09:15,707 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:09:15,707 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:15,707 - __main__ - INFO - Finished run 7. +2015-04-21 15:09:15,707 - __main__ - INFO - Starting run 8... +2015-04-21 15:09:15,707 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:15,710 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:15,710 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:15,713 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:15,713 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:15,713 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:15,714 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,716 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,724 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,725 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,730 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,731 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,735 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,736 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,739 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,740 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,743 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,743 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,746 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,746 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,751 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,752 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,755 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,756 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,759 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,759 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,765 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,766 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,770 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,771 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,775 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,776 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,779 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,779 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,782 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:15,784 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:15,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:15,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:15,786 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:09:15,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:15,787 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 +2015-04-21 15:09:15,787 - __main__ - INFO - Average Fitness Value of Generation: 202595626174794154904507121664.000000 +2015-04-21 15:09:15,787 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:09:15,787 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:15,787 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:15,787 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:15,788 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,788 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,791 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,792 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,795 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,795 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,799 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,800 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,805 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,806 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,810 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,811 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,815 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,815 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,818 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,819 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,821 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,822 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,825 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,826 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,828 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,829 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,831 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,832 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,835 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,836 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,841 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,842 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,846 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:15,847 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:15,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:15,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:15,851 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:09:15,851 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:15,851 - __main__ - INFO - Fitness Value of Best Individual: 1010045120210252260745393733632.000000 +2015-04-21 15:09:15,851 - __main__ - INFO - Average Fitness Value of Generation: 305854584050117898698900897792.000000 +2015-04-21 15:09:15,851 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:09:15,852 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:15,852 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:15,852 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:15,853 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,853 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,856 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,856 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,859 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,859 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,862 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,863 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,866 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,867 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,869 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,870 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,873 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,874 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,879 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,879 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,884 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,885 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,889 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,890 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,893 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,893 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,896 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,897 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,899 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,900 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,903 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,904 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,907 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:15,907 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:15,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:15,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:15,910 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:09:15,910 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:15,911 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:09:15,911 - __main__ - INFO - Average Fitness Value of Generation: 515165491240141332743314210816.000000 +2015-04-21 15:09:15,911 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:09:15,911 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:15,911 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:15,911 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:15,912 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,912 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,917 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,918 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,923 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,925 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,928 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,929 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,932 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,933 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,936 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,936 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,939 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,939 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,942 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,943 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,946 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,946 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,949 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,949 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,955 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,957 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,962 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,962 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,966 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,966 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,969 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,970 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,972 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:15,973 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:15,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:15,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:15,976 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:09:15,976 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:15,976 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:15,976 - __main__ - INFO - Average Fitness Value of Generation: 801079944622354044890654965760.000000 +2015-04-21 15:09:15,977 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:09:15,977 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:15,977 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:15,977 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:15,978 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,978 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,981 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,982 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,985 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,985 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,989 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,989 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:15,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:15,994 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:15,996 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:15,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,000 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,001 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,005 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,005 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,008 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,009 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,012 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,012 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,015 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,016 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,019 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,019 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,022 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,023 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,026 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,026 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,031 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,032 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,037 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,038 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,042 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:09:16,042 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:16,043 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,043 - __main__ - INFO - Average Fitness Value of Generation: 812314967006021168582952484864.000000 +2015-04-21 15:09:16,043 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:09:16,043 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:16,043 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:16,043 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:16,044 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,044 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,047 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,048 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,051 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,051 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,054 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,054 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,057 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,058 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,060 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,061 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,064 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,065 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,068 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,069 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,075 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,075 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,080 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,080 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,083 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,084 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,086 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,087 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,090 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,090 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,093 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,094 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,097 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,097 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,100 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:09:16,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:16,100 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,101 - __main__ - INFO - Average Fitness Value of Generation: 889335227123030015305196765184.000000 +2015-04-21 15:09:16,101 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:09:16,101 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:16,101 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:16,101 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:16,102 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,102 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,105 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,106 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,111 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,112 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,117 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,117 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,121 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,122 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,125 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,125 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,128 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,129 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,132 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,132 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,135 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,136 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,138 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,139 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,142 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,142 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,145 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,146 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,149 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,150 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,155 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,155 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,159 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,159 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,162 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:09:16,162 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:09:16,162 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,163 - __main__ - INFO - Average Fitness Value of Generation: 917106904547596523367001227264.000000 +2015-04-21 15:09:16,163 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:09:16,163 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:16,163 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:16,163 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:16,164 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,164 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,167 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,167 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,170 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,171 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,174 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,174 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,177 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,178 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,181 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,182 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,188 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,189 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,193 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,194 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,197 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,198 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,201 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,201 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,204 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,204 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,207 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,208 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,211 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,211 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,214 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,214 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,218 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,218 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,224 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:09:16,224 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:16,224 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,224 - __main__ - INFO - Average Fitness Value of Generation: 864725217598684196490717429760.000000 +2015-04-21 15:09:16,224 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:09:16,225 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:16,225 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:16,225 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:16,227 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,227 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,231 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,232 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,236 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,236 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,239 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,240 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,243 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,243 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,246 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,246 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,249 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,250 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,253 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,254 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,256 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,257 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,262 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,263 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,268 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,269 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,273 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,273 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,276 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,276 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,279 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,280 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,283 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,283 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,286 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:09:16,286 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:16,286 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,286 - __main__ - INFO - Average Fitness Value of Generation: 853054879989065439057710940160.000000 +2015-04-21 15:09:16,286 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:09:16,287 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:16,287 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:16,287 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:16,287 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,288 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,291 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,291 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,294 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,295 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,300 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,301 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,306 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,306 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,310 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,311 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,314 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,315 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,318 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,318 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,321 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,321 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,324 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,325 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,328 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,328 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,331 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,332 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,336 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,337 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,343 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,344 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,348 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,349 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,352 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:09:16,352 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:16,352 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,352 - __main__ - INFO - Average Fitness Value of Generation: 923868765552380293611910070272.000000 +2015-04-21 15:09:16,352 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:09:16,352 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:16,352 - __main__ - INFO - Finished run 8. +2015-04-21 15:09:16,353 - __main__ - INFO - Starting run 9... +2015-04-21 15:09:16,353 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:16,354 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:16,354 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:16,356 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:16,356 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:16,356 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:16,357 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,358 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,361 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,362 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,365 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,365 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,368 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,369 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,372 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,374 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,379 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,380 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,385 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,386 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,389 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,390 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,393 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,395 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,398 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,399 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,402 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,403 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,407 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,407 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,410 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,411 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,417 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,418 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,422 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:16,423 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:16,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:16,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:16,427 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:09:16,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:16,427 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 +2015-04-21 15:09:16,427 - __main__ - INFO - Average Fitness Value of Generation: 59752267380207587666184634368.000000 +2015-04-21 15:09:16,427 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:09:16,427 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:16,427 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:16,427 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:16,428 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,428 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,432 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,432 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,435 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,435 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,439 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,439 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,442 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,443 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,445 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,446 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,450 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,450 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,456 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,457 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,462 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,463 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,466 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,466 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,469 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,470 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,473 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,473 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,476 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,476 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,479 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,479 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,483 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:16,483 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:16,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:16,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:16,486 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:09:16,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:16,486 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 +2015-04-21 15:09:16,486 - __main__ - INFO - Average Fitness Value of Generation: 230403461272217266793442443264.000000 +2015-04-21 15:09:16,486 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:09:16,486 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:16,486 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:16,486 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:16,487 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,488 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,491 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,491 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,495 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,496 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,500 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,501 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,504 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,505 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,508 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,508 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,512 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,512 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,515 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,516 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,518 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,519 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,522 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,523 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,526 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,526 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,531 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,531 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,536 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,537 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,540 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,540 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,543 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:16,544 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:16,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:16,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:16,546 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:09:16,547 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:16,547 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 +2015-04-21 15:09:16,547 - __main__ - INFO - Average Fitness Value of Generation: 366986824802039804482295955456.000000 +2015-04-21 15:09:16,547 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:09:16,547 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:16,547 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:16,547 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:16,548 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,548 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,551 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,551 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,555 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,555 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,558 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,558 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,562 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,562 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,566 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,566 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,571 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,571 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,575 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,575 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,578 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,578 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,581 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,581 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,584 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,585 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,587 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,588 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,590 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,591 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,594 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,594 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,598 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:16,598 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:16,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:16,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:16,603 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:09:16,604 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:09:16,604 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:16,604 - __main__ - INFO - Average Fitness Value of Generation: 502442927359322430514397184000.000000 +2015-04-21 15:09:16,604 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:09:16,604 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:16,604 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:16,605 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:16,605 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,606 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,609 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,610 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,613 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,614 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,617 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,617 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,620 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,621 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,624 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,624 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,628 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,628 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,631 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,632 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,635 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,636 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,640 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,641 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,646 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,647 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,650 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,651 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,657 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,657 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,662 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,663 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,667 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:16,668 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:16,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:16,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:16,671 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:09:16,671 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:16,671 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,671 - __main__ - INFO - Average Fitness Value of Generation: 785624738600099246901892743168.000000 +2015-04-21 15:09:16,671 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:09:16,671 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:16,671 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:16,671 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:16,672 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,672 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,676 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,677 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,681 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,681 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,685 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,686 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,689 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,689 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,692 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,693 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,695 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,696 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,700 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,701 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,704 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,705 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,707 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,708 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,711 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,711 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,716 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,717 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,721 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,722 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,725 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,726 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,729 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:16,729 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:16,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:16,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:16,733 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:09:16,734 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:16,734 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,734 - __main__ - INFO - Average Fitness Value of Generation: 797844463683880991137900527616.000000 +2015-04-21 15:09:16,734 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:09:16,734 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:16,734 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:16,734 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:16,735 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,735 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,738 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,739 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,742 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,742 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,745 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,746 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,749 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,750 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,754 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,755 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,758 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,759 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,761 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,762 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,765 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,766 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,768 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,769 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,771 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,772 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,775 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,776 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,778 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,779 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,782 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,783 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,786 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:16,787 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:16,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:16,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:16,791 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:09:16,792 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:09:16,792 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,792 - __main__ - INFO - Average Fitness Value of Generation: 782542796373109599135778996224.000000 +2015-04-21 15:09:16,792 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:09:16,792 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:16,792 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:16,792 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:16,793 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,794 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,797 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,797 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,800 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,801 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,804 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,804 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,807 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,807 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,810 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,811 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,814 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,814 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,817 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,817 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,822 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,822 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,827 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,827 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,830 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,831 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,834 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,834 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,837 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,838 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,841 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,841 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,844 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:16,844 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:16,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:16,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:16,847 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:09:16,847 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:09:16,847 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,847 - __main__ - INFO - Average Fitness Value of Generation: 764916458006788512295686242304.000000 +2015-04-21 15:09:16,847 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:09:16,847 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:16,847 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:16,848 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:16,848 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,849 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,852 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,852 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,857 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,858 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,863 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,863 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,866 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,867 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,870 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,870 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,873 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,874 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,877 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,877 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,880 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,881 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,884 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,884 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,887 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,887 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,891 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,892 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,897 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,898 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,901 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,902 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,905 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:16,905 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:16,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:16,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:16,908 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:09:16,908 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:09:16,909 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,909 - __main__ - INFO - Average Fitness Value of Generation: 774052203830770679816011120640.000000 +2015-04-21 15:09:16,909 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:09:16,909 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:16,909 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:16,909 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:16,910 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,910 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,913 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,914 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,916 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,917 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,920 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,920 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,924 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,925 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,931 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,932 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,936 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,937 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,940 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,941 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,944 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,944 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,947 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,948 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,951 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,951 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,955 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,956 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,958 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,959 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,962 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,963 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,969 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:16,970 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:16,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:09:16,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:09:16,975 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:09:16,975 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:09:16,975 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:16,975 - __main__ - INFO - Average Fitness Value of Generation: 937640030639157880392612052992.000000 +2015-04-21 15:09:16,975 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:09:16,975 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:09:16,975 - __main__ - INFO - Finished run 9. +2015-04-21 15:09:16,975 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:09:20,215 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:09:20,215 - __main__ - INFO - Program Arguments: +2015-04-21 15:09:20,215 - __main__ - INFO - plot=True +2015-04-21 15:09:20,215 - __main__ - INFO - autoscale=True +2015-04-21 15:09:20,215 - __main__ - INFO - G=10 +2015-04-21 15:09:20,215 - __main__ - INFO - l=20 +2015-04-21 15:09:20,215 - __main__ - INFO - experiment_number=1 +2015-04-21 15:09:20,215 - __main__ - INFO - N=30 +2015-04-21 15:09:20,215 - __main__ - INFO - pc=0.6 +2015-04-21 15:09:20,215 - __main__ - INFO - ce=False +2015-04-21 15:09:20,215 - __main__ - INFO - ff= +2015-04-21 15:09:20,215 - __main__ - INFO - learn=False +2015-04-21 15:09:20,215 - __main__ - INFO - NG=20 +2015-04-21 15:09:20,216 - __main__ - INFO - nruns=10 +2015-04-21 15:09:20,216 - __main__ - INFO - pm=0.033 +2015-04-21 15:09:20,216 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:09:20,216 - __main__ - INFO - Starting run 0... +2015-04-21 15:09:20,216 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:09:20,217 - __main__ - INFO - Initialization Complete. +2015-04-21 15:09:20,217 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:09:20,219 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:09:20,219 - __main__ - INFO - Generation 0 running... +2015-04-21 15:09:20,219 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:09:20,220 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,220 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,223 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,224 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,227 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,228 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,230 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,231 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,234 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,234 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,237 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,238 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,241 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,241 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,244 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,244 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,248 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,249 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,253 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,254 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,257 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,257 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,260 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,261 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,265 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,268 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,268 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,271 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:09:20,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:09:20,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:09:20,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:09:20,275 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:09:20,275 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:09:20,275 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:09:20,275 - __main__ - INFO - Average Fitness Value of Generation: 183295714981808719742868914176.000000 +2015-04-21 15:09:20,275 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:09:20,275 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:09:20,275 - __main__ - INFO - Generation 1 running... +2015-04-21 15:09:20,275 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:09:20,276 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,276 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,280 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,281 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,285 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,285 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,289 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,290 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,293 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,293 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,296 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,297 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,300 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,300 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,303 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,304 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,307 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,308 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,311 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,311 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,315 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,315 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,320 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,321 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,325 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,325 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,329 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,329 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,332 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:09:20,333 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:09:20,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:09:20,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:09:20,336 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:09:20,336 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:20,336 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,336 - __main__ - INFO - Average Fitness Value of Generation: 424565799957459851500433965056.000000 +2015-04-21 15:09:20,336 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:09:20,336 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:09:20,336 - __main__ - INFO - Generation 2 running... +2015-04-21 15:09:20,336 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:09:20,337 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,337 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,341 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,341 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,344 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,345 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,348 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,348 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,352 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,354 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,358 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,358 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,362 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,362 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,366 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,366 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,369 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,369 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,372 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,373 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,376 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,377 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,380 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,381 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,383 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,384 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,388 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,389 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,394 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:09:20,395 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:09:20,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:09:20,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:09:20,398 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:09:20,398 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:20,398 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,398 - __main__ - INFO - Average Fitness Value of Generation: 577175855439500306762141007872.000000 +2015-04-21 15:09:20,398 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:09:20,398 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:09:20,398 - __main__ - INFO - Generation 3 running... +2015-04-21 15:09:20,398 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:09:20,399 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,399 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,402 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,402 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,405 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,406 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,409 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,409 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,412 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,412 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,415 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,416 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,418 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,419 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,422 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,423 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,427 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,427 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,432 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,432 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,435 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,435 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,439 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,439 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,442 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,442 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,445 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,446 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,449 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:09:20,449 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:09:20,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:09:20,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:09:20,452 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:09:20,452 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:09:20,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,453 - __main__ - INFO - Average Fitness Value of Generation: 561996227152147665379735371776.000000 +2015-04-21 15:09:20,453 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:09:20,453 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:09:20,453 - __main__ - INFO - Generation 4 running... +2015-04-21 15:09:20,453 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:09:20,454 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,454 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,457 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,457 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,462 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,463 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,467 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,468 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,471 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,472 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,475 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,475 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,478 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,478 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,481 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,482 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,485 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,485 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,488 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,488 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,491 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,492 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,495 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,496 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,500 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,501 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,505 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,505 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,508 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:09:20,509 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:09:20,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:09:20,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:09:20,512 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:09:20,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:09:20,512 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:20,512 - __main__ - INFO - Average Fitness Value of Generation: 841495376501519233620063027200.000000 +2015-04-21 15:09:20,512 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:09:20,512 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:09:20,513 - __main__ - INFO - Generation 5 running... +2015-04-21 15:09:20,513 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:09:20,513 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,514 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,517 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,517 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,520 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,521 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,524 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,524 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,527 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,528 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,532 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,532 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,537 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,538 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,541 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,542 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,545 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,545 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,548 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,549 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,552 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,552 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,555 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,556 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,559 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,559 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,563 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,563 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,567 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:09:20,568 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:09:20,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:09:20,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:09:20,573 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:09:20,573 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:09:20,573 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:09:20,573 - __main__ - INFO - Average Fitness Value of Generation: 949452724823511998030355103744.000000 +2015-04-21 15:09:20,574 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:09:20,574 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:09:20,574 - __main__ - INFO - Generation 6 running... +2015-04-21 15:09:20,574 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:09:20,575 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,575 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,578 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,579 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,582 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,582 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,585 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,586 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,589 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,589 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,592 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,593 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,595 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,596 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,598 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,599 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,603 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,603 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,608 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,609 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,613 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,613 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,616 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,616 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,619 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,620 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,622 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,623 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,626 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:09:20,627 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:09:20,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:09:20,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:09:20,630 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:09:20,630 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:09:20,630 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,630 - __main__ - INFO - Average Fitness Value of Generation: 918554499335437655727176417280.000000 +2015-04-21 15:09:20,630 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:09:20,630 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:09:20,630 - __main__ - INFO - Generation 7 running... +2015-04-21 15:09:20,631 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:09:20,631 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,632 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,636 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,637 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,644 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,645 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,651 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,653 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,658 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,659 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,664 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,665 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,668 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,668 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,671 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,671 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,674 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,675 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,678 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,678 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,683 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,683 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,688 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,688 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,691 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,691 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,694 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,695 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,699 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:09:20,699 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:09:20,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:09:20,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:09:20,703 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:09:20,703 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:09:20,703 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,703 - __main__ - INFO - Average Fitness Value of Generation: 947331047708825556502290890752.000000 +2015-04-21 15:09:20,703 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:09:20,703 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:09:20,703 - __main__ - INFO - Generation 8 running... +2015-04-21 15:09:20,703 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:09:20,704 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,704 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,707 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,708 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,711 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,711 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,714 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,714 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,719 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,720 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,725 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,725 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,729 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,729 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,732 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,732 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,735 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,736 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,739 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,739 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,742 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,742 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,745 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,745 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,748 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,749 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,752 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,753 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,757 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:09:20,757 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:09:20,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:09:20,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:09:20,762 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:09:20,762 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:09:20,762 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:09:20,762 - __main__ - INFO - Average Fitness Value of Generation: 721302166424526442074554236928.000000 +2015-04-21 15:09:20,762 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:09:20,763 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:09:20,763 - __main__ - INFO - Generation 9 running... +2015-04-21 15:09:20,763 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:09:20,763 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:09:20,764 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:09:20,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:10,982 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:17:10,982 - __main__ - INFO - Program Arguments: +2015-04-21 15:17:10,982 - __main__ - INFO - plot=True +2015-04-21 15:17:10,982 - __main__ - INFO - autoscale=True +2015-04-21 15:17:10,982 - __main__ - INFO - G=10 +2015-04-21 15:17:10,982 - __main__ - INFO - l=20 +2015-04-21 15:17:10,982 - __main__ - INFO - experiment_number=1 +2015-04-21 15:17:10,982 - __main__ - INFO - N=30 +2015-04-21 15:17:10,982 - __main__ - INFO - pc=0.6 +2015-04-21 15:17:10,982 - __main__ - INFO - ce=False +2015-04-21 15:17:10,982 - __main__ - INFO - ff= +2015-04-21 15:17:10,982 - __main__ - INFO - learn=False +2015-04-21 15:17:10,982 - __main__ - INFO - NG=20 +2015-04-21 15:17:10,983 - __main__ - INFO - nruns=10 +2015-04-21 15:17:10,983 - __main__ - INFO - pm=0.033 +2015-04-21 15:17:10,983 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:17:10,983 - __main__ - INFO - Starting run 0... +2015-04-21 15:17:10,983 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:10,985 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:10,985 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:10,986 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:10,987 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:10,987 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:10,987 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,597 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:17:52,597 - __main__ - INFO - Program Arguments: +2015-04-21 15:17:52,597 - __main__ - INFO - plot=True +2015-04-21 15:17:52,597 - __main__ - INFO - autoscale=True +2015-04-21 15:17:52,597 - __main__ - INFO - G=10 +2015-04-21 15:17:52,597 - __main__ - INFO - l=20 +2015-04-21 15:17:52,597 - __main__ - INFO - experiment_number=1 +2015-04-21 15:17:52,597 - __main__ - INFO - N=30 +2015-04-21 15:17:52,597 - __main__ - INFO - pc=0.6 +2015-04-21 15:17:52,597 - __main__ - INFO - ce=False +2015-04-21 15:17:52,597 - __main__ - INFO - ff= +2015-04-21 15:17:52,597 - __main__ - INFO - learn=False +2015-04-21 15:17:52,598 - __main__ - INFO - NG=20 +2015-04-21 15:17:52,598 - __main__ - INFO - nruns=10 +2015-04-21 15:17:52,598 - __main__ - INFO - pm=0.033 +2015-04-21 15:17:52,598 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:17:52,598 - __main__ - INFO - Starting run 0... +2015-04-21 15:17:52,598 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:52,599 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:52,599 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:52,601 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:52,601 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:52,601 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:52,602 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,602 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,605 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,605 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,608 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,609 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,612 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,612 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,615 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,616 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,619 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,619 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,622 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,623 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,626 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,626 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,630 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,630 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,634 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,635 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,640 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,641 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,645 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,646 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,654 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,655 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,662 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,662 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,665 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:52,665 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:52,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:52,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:52,669 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:17:52,669 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:17:52,669 - __main__ - INFO - Fitness Value of Best Individual: 1104622125411204460710708903936.000000 +2015-04-21 15:17:52,669 - __main__ - INFO - Average Fitness Value of Generation: 103909360782790408877027360768.000000 +2015-04-21 15:17:52,670 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:17:52,670 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:52,670 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:52,670 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:52,671 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,671 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,675 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,676 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,679 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,679 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,683 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,683 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,687 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,688 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,691 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,691 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,694 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,694 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,698 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,698 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,701 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,701 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,705 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,705 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,709 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,709 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,713 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,713 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,716 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,717 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,719 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,720 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,723 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:52,723 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:52,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:52,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:52,726 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:17:52,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:52,726 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:17:52,726 - __main__ - INFO - Average Fitness Value of Generation: 431647914070736632447519162368.000000 +2015-04-21 15:17:52,726 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:17:52,726 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:52,726 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:52,727 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:52,727 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,728 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,730 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,731 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,734 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,734 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,738 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,738 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,742 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,743 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,747 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,748 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,750 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,751 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,754 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,754 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,757 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,758 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,761 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,761 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,765 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,765 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,768 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,768 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,772 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,772 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,777 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,778 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,782 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:52,783 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:52,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:52,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:52,786 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:17:52,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:17:52,787 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:52,787 - __main__ - INFO - Average Fitness Value of Generation: 703381258180238483360097239040.000000 +2015-04-21 15:17:52,787 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:17:52,787 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:52,787 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:52,787 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:52,788 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,788 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,791 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,791 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,794 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,795 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,797 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,798 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,801 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,802 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,805 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,805 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,810 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,811 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,816 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,817 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,821 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,822 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,824 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,825 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,828 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,828 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,831 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,832 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,835 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,835 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,838 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,839 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,842 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:52,843 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:52,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:52,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:52,847 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:17:52,847 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:52,848 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:52,848 - __main__ - INFO - Average Fitness Value of Generation: 913637139614928214500610932736.000000 +2015-04-21 15:17:52,848 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:17:52,848 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:52,848 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:52,848 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:52,849 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,850 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,856 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,856 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,860 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,861 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,864 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,865 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,867 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,868 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,871 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,871 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,874 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,875 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,878 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,878 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,881 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,882 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,886 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,886 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,892 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,892 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,897 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,897 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,901 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,901 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,904 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,905 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,908 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:52,909 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:52,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:52,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:52,912 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:17:52,912 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:52,912 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:52,912 - __main__ - INFO - Average Fitness Value of Generation: 1014176065885607406589421027328.000000 +2015-04-21 15:17:52,912 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:17:52,912 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:52,912 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:52,912 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:52,913 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,914 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,916 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,917 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,920 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,921 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,925 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,925 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,931 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,931 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,936 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,936 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,940 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,940 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,943 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,943 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,946 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,946 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,949 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,950 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,953 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,953 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,956 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,957 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,959 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,960 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,964 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,965 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,970 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:52,971 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:52,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:52,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:52,976 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:17:52,976 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:52,976 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:52,976 - __main__ - INFO - Average Fitness Value of Generation: 795203039384158817637925650432.000000 +2015-04-21 15:17:52,976 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:17:52,977 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:52,977 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:52,977 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:52,977 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,978 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,981 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,981 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,985 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,985 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,988 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,989 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,992 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,992 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,995 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,995 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:52,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:52,998 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:52,999 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:52,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,003 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,004 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,009 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,010 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,014 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,015 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,018 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,019 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,022 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,022 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,025 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,025 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,028 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,028 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,031 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,032 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,035 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:17:53,035 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:53,035 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,035 - __main__ - INFO - Average Fitness Value of Generation: 934454839205742780596501872640.000000 +2015-04-21 15:17:53,035 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:17:53,035 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:53,035 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:53,035 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:53,036 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,037 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,040 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,041 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,047 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,048 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,052 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,053 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,056 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,057 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,059 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,060 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,063 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,063 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,066 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,067 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,070 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,070 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,073 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,073 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,076 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,077 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,082 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,084 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,089 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,089 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,094 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,094 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,097 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,097 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,100 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:17:53,100 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:53,100 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,101 - __main__ - INFO - Average Fitness Value of Generation: 939330233901637618766165573632.000000 +2015-04-21 15:17:53,101 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:17:53,101 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:53,101 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:53,101 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:53,102 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,102 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,105 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,105 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,108 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,109 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,112 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,112 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,115 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,116 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,121 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,122 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,126 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,127 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,131 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,131 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,134 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,135 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,138 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,138 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,141 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,142 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,145 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,146 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,148 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,149 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,151 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,152 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,156 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,156 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,162 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:17:53,162 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:53,162 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,162 - __main__ - INFO - Average Fitness Value of Generation: 872413651982539123380897972224.000000 +2015-04-21 15:17:53,162 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:17:53,162 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:53,163 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:53,163 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:53,163 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,164 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,168 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,169 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,172 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,172 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,175 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,175 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,178 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,179 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,182 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,182 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,185 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,185 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,188 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,189 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,192 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,192 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,197 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,198 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,203 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,203 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,208 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,209 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,212 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,212 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,215 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,216 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,219 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,220 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,223 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:17:53,223 - __main__ - INFO - Number of Correct Bits in Best Individual: 23 +2015-04-21 15:17:53,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,223 - __main__ - INFO - Average Fitness Value of Generation: 954173639329123165818599768064.000000 +2015-04-21 15:17:53,223 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:17:53,223 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:53,223 - __main__ - INFO - Finished run 0. +2015-04-21 15:17:53,224 - __main__ - INFO - Starting run 1... +2015-04-21 15:17:53,224 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:53,225 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:53,225 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:53,227 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:53,227 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:53,227 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:53,228 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,228 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,231 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,231 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,237 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,237 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,242 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,243 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,247 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,248 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,250 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,251 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,254 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,255 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,258 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,258 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,261 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,262 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,265 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,267 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,268 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,271 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,271 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,277 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,278 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,283 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,283 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,286 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,287 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,289 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:17:53,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:53,290 - __main__ - INFO - Fitness Value of Best Individual: 561978813405172455214948548608.000000 +2015-04-21 15:17:53,290 - __main__ - INFO - Average Fitness Value of Generation: 52712359896068734268731293696.000000 +2015-04-21 15:17:53,290 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:17:53,290 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:53,290 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:53,290 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:53,291 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,291 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,294 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,294 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,297 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,298 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,301 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,301 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,304 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,305 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,307 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,308 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,313 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,313 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,319 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,319 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,323 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,324 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,328 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,328 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,331 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,332 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,335 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,335 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,338 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,338 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,341 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,341 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,344 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,344 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,347 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:17:53,347 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:53,347 - __main__ - INFO - Fitness Value of Best Individual: 605069371210072971160980553728.000000 +2015-04-21 15:17:53,348 - __main__ - INFO - Average Fitness Value of Generation: 187562643184727235375658958848.000000 +2015-04-21 15:17:53,348 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:17:53,348 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:53,348 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:53,348 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:53,349 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,350 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,355 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,356 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,360 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,361 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,364 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,365 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,368 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,368 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,371 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,372 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,375 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,376 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,379 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,379 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,382 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,382 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,386 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,387 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,392 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,394 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,398 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,399 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,402 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,403 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,406 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,406 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,409 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,410 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,412 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:17:53,412 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:53,413 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 +2015-04-21 15:17:53,413 - __main__ - INFO - Average Fitness Value of Generation: 311964346751759473058047328256.000000 +2015-04-21 15:17:53,413 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:17:53,413 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:53,413 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:53,413 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:53,414 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,414 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,417 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,417 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,420 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,420 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,423 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,424 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,427 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,427 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,432 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,432 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,437 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,438 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,441 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,441 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,444 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,445 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,447 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,448 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,451 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,452 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,455 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,455 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,458 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,458 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,462 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,462 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,468 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:53,469 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:53,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:53,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:53,474 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:17:53,474 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:53,474 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:17:53,474 - __main__ - INFO - Average Fitness Value of Generation: 411618122165083270937105661952.000000 +2015-04-21 15:17:53,474 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:17:53,475 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:53,475 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:53,475 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:53,476 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,476 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,480 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,480 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,483 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,483 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,487 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,487 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,490 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,490 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,493 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,494 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,497 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,497 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,500 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,501 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,507 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,507 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,511 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,512 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,516 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,516 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,519 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,519 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,522 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,523 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,526 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,526 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,529 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:53,529 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:53,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:53,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:53,533 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:17:53,533 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:53,533 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 +2015-04-21 15:17:53,533 - __main__ - INFO - Average Fitness Value of Generation: 522553084989927809157919932416.000000 +2015-04-21 15:17:53,533 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:17:53,533 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:53,533 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:53,533 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:53,534 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,534 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,538 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,538 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,541 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,542 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,547 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,547 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,552 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,552 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,555 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,555 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,558 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,559 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,561 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,562 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,565 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,566 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,569 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,569 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,572 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,572 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,575 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,576 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,580 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,581 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,585 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,586 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,589 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:53,590 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:53,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:53,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:53,593 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:17:53,593 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:53,593 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,593 - __main__ - INFO - Average Fitness Value of Generation: 583260930018400242571826692096.000000 +2015-04-21 15:17:53,593 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:17:53,593 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:53,593 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:53,593 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:53,594 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,594 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,597 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,597 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,601 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,601 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,604 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,605 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,608 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,609 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,612 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,613 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,619 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,619 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,624 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,625 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,629 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,630 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,633 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,633 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,637 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,638 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,644 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,647 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,655 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,656 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,663 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,664 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,667 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:53,668 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:53,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:53,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:53,672 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:17:53,672 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:53,672 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,672 - __main__ - INFO - Average Fitness Value of Generation: 644455492686224369352722874368.000000 +2015-04-21 15:17:53,672 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:17:53,673 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:53,673 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:53,673 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:53,673 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,674 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,676 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,677 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,680 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,681 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,684 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,684 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,689 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,689 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,692 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,692 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,697 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,698 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,702 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,703 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,706 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,707 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,710 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,710 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,713 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,714 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,717 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,717 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,720 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,720 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,723 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,724 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,727 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:53,727 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:53,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:53,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:53,732 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:17:53,732 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:17:53,732 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,732 - __main__ - INFO - Average Fitness Value of Generation: 679508739393441945312397623296.000000 +2015-04-21 15:17:53,733 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:17:53,733 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:53,733 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:53,733 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:53,734 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,735 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,739 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,739 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,743 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,743 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,746 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,746 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,749 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,750 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,753 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,753 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,756 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,756 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,759 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,759 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,762 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,763 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,768 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,769 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,775 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,775 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,779 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,780 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,783 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,784 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,787 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,787 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,790 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:53,791 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:53,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:53,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:53,794 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:17:53,794 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:53,794 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,794 - __main__ - INFO - Average Fitness Value of Generation: 728611171830232438959583002624.000000 +2015-04-21 15:17:53,794 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:17:53,794 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:53,794 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:53,794 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:53,795 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,795 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,798 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,799 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,802 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,802 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,805 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,806 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,812 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,813 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,817 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,818 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,821 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,821 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,824 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,825 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,827 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,828 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,831 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,832 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,835 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,835 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,838 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,838 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,842 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,843 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,847 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,849 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,854 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:53,854 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:53,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:53,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:53,858 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:17:53,859 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:53,859 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:53,859 - __main__ - INFO - Average Fitness Value of Generation: 705596454790579068497089789952.000000 +2015-04-21 15:17:53,859 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:17:53,859 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:53,859 - __main__ - INFO - Finished run 1. +2015-04-21 15:17:53,859 - __main__ - INFO - Starting run 2... +2015-04-21 15:17:53,859 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:53,860 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:53,861 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:53,862 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:53,862 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:53,862 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:53,863 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,863 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,866 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,867 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,870 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,870 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,873 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,874 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,877 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,877 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,880 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,881 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,886 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,888 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,893 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,894 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,898 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,899 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,902 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,902 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,905 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,906 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,909 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,910 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,912 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,913 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,916 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,917 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,919 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:53,920 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:53,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:53,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:53,923 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:17:53,923 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:53,923 - __main__ - INFO - Fitness Value of Best Individual: 263075576163828387689757933568.000000 +2015-04-21 15:17:53,923 - __main__ - INFO - Average Fitness Value of Generation: 38399163003734855847291912192.000000 +2015-04-21 15:17:53,924 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:17:53,924 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:53,924 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:53,924 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:53,925 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,926 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,930 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,930 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,934 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,934 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,937 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,938 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,940 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,941 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,943 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,944 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,946 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,947 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,949 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,950 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,953 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,953 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,956 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,956 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,959 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,959 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,964 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,965 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,969 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,970 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,973 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,973 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,976 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:53,976 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:53,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:53,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:53,980 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:17:53,980 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:53,980 - __main__ - INFO - Fitness Value of Best Individual: 272235751814867446987201970176.000000 +2015-04-21 15:17:53,980 - __main__ - INFO - Average Fitness Value of Generation: 146830214911420301629475258368.000000 +2015-04-21 15:17:53,980 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:17:53,980 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:53,980 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:53,980 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:53,981 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,981 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,985 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,985 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,988 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,989 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,991 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,992 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:53,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:53,997 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:53,998 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:53,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,004 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,004 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,008 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,009 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,012 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,012 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,015 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,016 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,019 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,020 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,022 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,023 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,026 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,026 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,029 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,029 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,032 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,033 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,039 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,039 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,043 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:17:54,043 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:54,044 - __main__ - INFO - Fitness Value of Best Individual: 275352326801050144040210661376.000000 +2015-04-21 15:17:54,044 - __main__ - INFO - Average Fitness Value of Generation: 160038401518243242976040976384.000000 +2015-04-21 15:17:54,044 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:17:54,044 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:54,044 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:54,045 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:54,045 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,046 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,049 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,050 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,053 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,054 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,056 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,057 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,060 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,060 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,063 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,064 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,067 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,067 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,071 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,072 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,077 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,079 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,083 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,083 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,087 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,088 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,091 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,091 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,094 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,095 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,097 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,098 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,101 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,102 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,104 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:17:54,105 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:54,105 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:17:54,105 - __main__ - INFO - Average Fitness Value of Generation: 288473337309140403345984323584.000000 +2015-04-21 15:17:54,105 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:17:54,105 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:54,105 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:54,105 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:54,106 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,107 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,110 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,111 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,117 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,118 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,122 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,123 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,127 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,127 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,130 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,131 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,134 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,134 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,137 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,137 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,140 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,141 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,144 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,144 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,147 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,148 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,153 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,154 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,159 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,159 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,164 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,164 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,167 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,168 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,171 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:17:54,171 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:54,171 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:17:54,171 - __main__ - INFO - Average Fitness Value of Generation: 384414834064459702309090230272.000000 +2015-04-21 15:17:54,172 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:17:54,172 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:54,172 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:54,172 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:54,172 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,173 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,176 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,176 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,179 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,180 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,183 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,183 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,186 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,186 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,191 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,192 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,197 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,197 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,201 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,202 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,205 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,205 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,208 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,208 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,211 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,212 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,215 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,216 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,219 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,219 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,222 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,222 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,226 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,227 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,233 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:17:54,233 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:54,233 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,233 - __main__ - INFO - Average Fitness Value of Generation: 490849321806312802931278086144.000000 +2015-04-21 15:17:54,233 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:17:54,233 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:54,234 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:54,234 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:54,235 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,235 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,240 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,240 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,243 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,244 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,247 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,247 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,250 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,250 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,253 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,253 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,256 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,256 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,259 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,260 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,262 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,263 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,267 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,268 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,273 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,274 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,278 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,279 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,282 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,282 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,285 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,285 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,288 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,289 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,292 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:17:54,292 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:54,292 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,292 - __main__ - INFO - Average Fitness Value of Generation: 713864478502635280907282415616.000000 +2015-04-21 15:17:54,292 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:17:54,292 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:54,292 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:54,292 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:54,293 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,294 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,297 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,297 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,300 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,300 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,304 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,304 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,310 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,311 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,315 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,315 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,319 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,319 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,322 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,323 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,326 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,326 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,329 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,329 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,332 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,333 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,336 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,336 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,339 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,339 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,343 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,344 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,350 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,350 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,355 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:17:54,355 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:54,355 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,355 - __main__ - INFO - Average Fitness Value of Generation: 702808285864246984782441873408.000000 +2015-04-21 15:17:54,355 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:17:54,355 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:54,356 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:54,356 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:54,356 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,357 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,360 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,360 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,363 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,364 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,366 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,367 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,370 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,371 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,374 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,374 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,377 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,378 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,382 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,382 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,388 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,389 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,393 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,394 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,398 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,399 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,402 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,402 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,405 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,406 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,409 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,409 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,412 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,412 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,415 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:17:54,415 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:54,415 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,415 - __main__ - INFO - Average Fitness Value of Generation: 907317716636128346229188853760.000000 +2015-04-21 15:17:54,415 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:17:54,416 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:54,416 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:54,416 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:54,416 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,417 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,420 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,420 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,426 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,426 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,431 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,431 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,435 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,436 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,439 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,439 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,442 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,442 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,445 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,446 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,449 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,449 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,452 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,453 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,456 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,456 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,459 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,460 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,464 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,466 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,470 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,471 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,474 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:54,474 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:54,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:54,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:54,477 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:17:54,477 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:54,477 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,478 - __main__ - INFO - Average Fitness Value of Generation: 698589232125851367424894435328.000000 +2015-04-21 15:17:54,478 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:17:54,478 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:54,478 - __main__ - INFO - Finished run 2. +2015-04-21 15:17:54,478 - __main__ - INFO - Starting run 3... +2015-04-21 15:17:54,478 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:54,479 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:54,479 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:54,481 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:54,481 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:54,481 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:54,482 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,482 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,485 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,485 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,488 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,489 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,491 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,492 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,495 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,496 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,499 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,500 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,505 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,505 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,509 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,510 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,513 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,513 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,516 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,516 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,519 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,520 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,523 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,523 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,526 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,527 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,530 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,531 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,534 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:54,535 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:54,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:54,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:54,539 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:17:54,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:54,540 - __main__ - INFO - Fitness Value of Best Individual: 729856987976323855847822196736.000000 +2015-04-21 15:17:54,540 - __main__ - INFO - Average Fitness Value of Generation: 71239148270638531907847979008.000000 +2015-04-21 15:17:54,540 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:17:54,540 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:54,540 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:54,540 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:54,541 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,542 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,545 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,546 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,549 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,550 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,553 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,553 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,556 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,557 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,560 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,560 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,563 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,564 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,566 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,567 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,570 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,570 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,574 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,575 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,579 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,580 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,583 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,584 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,587 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,587 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,590 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,591 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,594 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:54,595 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:54,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:54,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:54,598 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:17:54,598 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:17:54,598 - __main__ - INFO - Fitness Value of Best Individual: 729856987976323855847822196736.000000 +2015-04-21 15:17:54,598 - __main__ - INFO - Average Fitness Value of Generation: 284751206837941042005663547392.000000 +2015-04-21 15:17:54,598 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:17:54,598 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:54,598 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:54,598 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:54,599 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,599 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,602 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,603 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,606 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,607 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,611 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,612 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,616 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,617 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,620 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,621 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,624 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,624 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,627 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,628 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,631 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,631 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,635 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,635 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,641 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,642 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,649 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,651 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,658 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,659 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,663 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,663 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,666 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:54,666 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:54,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:54,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:54,671 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:17:54,671 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:17:54,671 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:17:54,671 - __main__ - INFO - Average Fitness Value of Generation: 659262827109684124173060800512.000000 +2015-04-21 15:17:54,672 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:17:54,672 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:54,672 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:54,672 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:54,672 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,673 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,676 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,676 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,679 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,680 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,683 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,683 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,688 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,688 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,693 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,694 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,698 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,698 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,702 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,702 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,706 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,706 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,709 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,709 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,712 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,713 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,716 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,716 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,719 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,719 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,722 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,723 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,726 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:54,726 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:54,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:54,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:54,731 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:17:54,731 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:54,731 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:17:54,731 - __main__ - INFO - Average Fitness Value of Generation: 741038291189742946466205270016.000000 +2015-04-21 15:17:54,731 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:17:54,731 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:54,731 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:54,731 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:54,732 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,733 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,737 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,737 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,740 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,740 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,743 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,743 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,747 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,747 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,750 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,751 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,754 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,754 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,757 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,758 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,761 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,761 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,766 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,766 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,771 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,771 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,774 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,775 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,778 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,778 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,781 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,782 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,785 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:54,785 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:54,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:54,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:54,788 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:17:54,788 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:54,788 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,788 - __main__ - INFO - Average Fitness Value of Generation: 762985459666033472695886151680.000000 +2015-04-21 15:17:54,788 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:17:54,788 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:54,788 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:54,788 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:54,789 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,790 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,792 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,793 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,796 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,796 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,801 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,801 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,806 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,806 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,809 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,809 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,813 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,813 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,816 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,817 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,820 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,821 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,823 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,824 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,827 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,827 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,831 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,831 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,836 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,837 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,842 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,843 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,847 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:54,847 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:54,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:54,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:54,850 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:17:54,850 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:54,850 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:17:54,851 - __main__ - INFO - Average Fitness Value of Generation: 750466682909865984105973284864.000000 +2015-04-21 15:17:54,851 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:17:54,851 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:54,851 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:54,851 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:54,852 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,852 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,855 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,855 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,858 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,859 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,861 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,862 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,865 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,865 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,868 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,869 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,874 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,874 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,879 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,880 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,884 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,885 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,888 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,889 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,892 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,892 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,895 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,896 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,899 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,899 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,902 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,902 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,906 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:54,906 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:54,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:54,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:54,911 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:17:54,911 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:54,911 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,911 - __main__ - INFO - Average Fitness Value of Generation: 771296817160157081776028647424.000000 +2015-04-21 15:17:54,912 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:17:54,912 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:54,912 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:54,912 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:54,913 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,914 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,919 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,919 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,923 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,923 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,926 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,927 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,930 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,931 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,933 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,934 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,936 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,937 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,940 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,940 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,943 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,943 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,946 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,947 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,951 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,952 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,956 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,957 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,960 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,961 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,964 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,964 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,967 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:54,968 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:54,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:54,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:54,971 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:17:54,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:17:54,971 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:54,971 - __main__ - INFO - Average Fitness Value of Generation: 728210445722341534957997916160.000000 +2015-04-21 15:17:54,971 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:17:54,971 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:54,971 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:54,971 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:54,972 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,972 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,976 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,976 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,979 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,980 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,982 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,983 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,988 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,988 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,993 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,994 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,996 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:54,997 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:54,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:54,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:54,999 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,000 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,002 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,003 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,006 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,006 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,009 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,010 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,013 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,013 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,016 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,016 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,019 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,019 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,024 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,024 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,028 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:17:55,029 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:55,029 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,029 - __main__ - INFO - Average Fitness Value of Generation: 873843260702491138858533519360.000000 +2015-04-21 15:17:55,029 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:17:55,029 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:55,029 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:55,029 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:55,030 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,031 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,034 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,035 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,038 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,038 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,041 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,041 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,044 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,045 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,048 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,048 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,051 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,052 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,056 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,056 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,062 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,063 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,067 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,068 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,072 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,073 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,076 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,077 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,080 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,081 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,084 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,084 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,087 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,088 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,091 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:17:55,091 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:17:55,091 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,092 - __main__ - INFO - Average Fitness Value of Generation: 817923361157658309117366763520.000000 +2015-04-21 15:17:55,092 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:17:55,092 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:55,092 - __main__ - INFO - Finished run 3. +2015-04-21 15:17:55,092 - __main__ - INFO - Starting run 4... +2015-04-21 15:17:55,092 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:55,094 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:55,094 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:55,095 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:55,096 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:55,096 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:55,096 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,097 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,102 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,103 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,107 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,107 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,110 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,112 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,115 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,116 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,119 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,120 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,123 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,124 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,126 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,128 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,131 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,132 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,137 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,138 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,142 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,143 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,146 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,146 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,149 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,150 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,153 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,153 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,156 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,156 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,159 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:17:55,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:55,160 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-21 15:17:55,160 - __main__ - INFO - Average Fitness Value of Generation: 106204240680992237459265814528.000000 +2015-04-21 15:17:55,160 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:17:55,160 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:55,160 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:55,160 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:55,161 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,161 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,164 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,164 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,167 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,168 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,172 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,172 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,177 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,177 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,181 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,181 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,184 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,185 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,188 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,192 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,192 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,195 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,196 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,199 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,199 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,202 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,203 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,209 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,210 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,215 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,215 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,219 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,219 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,222 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:17:55,222 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:17:55,223 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,223 - __main__ - INFO - Average Fitness Value of Generation: 516884545601228068026893467648.000000 +2015-04-21 15:17:55,223 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:17:55,223 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:55,223 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:55,223 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:55,224 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,224 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,227 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,228 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,231 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,231 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,234 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,235 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,238 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,239 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,242 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,243 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,247 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,248 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,253 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,254 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,257 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,257 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,260 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,261 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,264 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,264 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,268 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,268 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,271 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,272 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,275 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,275 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,278 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,279 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,284 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:17:55,284 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:55,284 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,284 - __main__ - INFO - Average Fitness Value of Generation: 783261891258505501247073681408.000000 +2015-04-21 15:17:55,284 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:17:55,284 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:55,285 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:55,285 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:55,285 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,286 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,290 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,290 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,294 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,294 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,297 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,297 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,300 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,301 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,304 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,304 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,307 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,307 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,310 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,310 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,313 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,314 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,318 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,319 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,324 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,325 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,328 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,328 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,332 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,332 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,335 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,336 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,339 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,339 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,342 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:17:55,342 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:55,343 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,343 - __main__ - INFO - Average Fitness Value of Generation: 840496605811346130643003113472.000000 +2015-04-21 15:17:55,343 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:17:55,343 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:55,343 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:55,343 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:55,344 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,344 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,347 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,347 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,347 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,350 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,351 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,356 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,357 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,361 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,362 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,365 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,365 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,368 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,369 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,372 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,372 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,375 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,376 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,379 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,379 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,382 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,382 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,385 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,385 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,388 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,389 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,394 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,394 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,399 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:55,399 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:55,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:55,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:55,403 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:17:55,403 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:55,403 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,403 - __main__ - INFO - Average Fitness Value of Generation: 894793827534366874322897731584.000000 +2015-04-21 15:17:55,403 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:17:55,403 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:55,404 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:55,404 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:55,404 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,405 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,408 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,409 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,412 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,412 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,415 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,416 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,419 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,419 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,423 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,424 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,429 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,430 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,435 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,435 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,439 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,439 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,442 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,442 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,445 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,446 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,449 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,449 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,452 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,453 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,456 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,456 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,459 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:55,459 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:55,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:55,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:55,464 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:17:55,465 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:55,465 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,465 - __main__ - INFO - Average Fitness Value of Generation: 901523421547554180136022573056.000000 +2015-04-21 15:17:55,465 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:17:55,465 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:55,465 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:55,465 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:55,467 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,468 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,472 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,473 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,477 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,477 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,480 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,481 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,484 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,484 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,488 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,488 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,491 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,492 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,494 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,495 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,498 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,498 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,502 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,503 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,507 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,508 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,512 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,512 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,515 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,516 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,519 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,519 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,522 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:55,522 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:55,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:55,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:55,526 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:17:55,526 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:55,526 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,526 - __main__ - INFO - Average Fitness Value of Generation: 793758877762780629198404845568.000000 +2015-04-21 15:17:55,526 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:17:55,526 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:55,526 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:55,526 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:55,527 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,527 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,530 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,531 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,534 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,534 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,538 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,539 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,543 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,544 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,548 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,548 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,551 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,552 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,555 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,555 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,558 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,558 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,562 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,562 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,565 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,566 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,569 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,569 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,572 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,573 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,578 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,578 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,583 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:55,583 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:55,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:55,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:55,586 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:17:55,586 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:55,586 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,586 - __main__ - INFO - Average Fitness Value of Generation: 875018457951555169261365231616.000000 +2015-04-21 15:17:55,586 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:17:55,586 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:55,587 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:55,587 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:55,587 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,588 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,591 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,591 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,594 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,595 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,598 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,598 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,601 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,601 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,604 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,605 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,610 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,611 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,616 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,617 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,621 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,621 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,624 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,625 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,629 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,629 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,635 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,635 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,638 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,639 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,639 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,643 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,644 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,649 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:55,650 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:55,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:55,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:55,659 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:17:55,660 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:55,660 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,660 - __main__ - INFO - Average Fitness Value of Generation: 1049248686703021146521187909632.000000 +2015-04-21 15:17:55,660 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:17:55,661 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:55,661 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:55,661 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:55,663 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,664 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,669 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,670 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,676 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,677 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,682 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,683 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,689 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,689 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,695 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,696 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,701 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,702 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,706 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,706 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,709 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,710 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,713 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,713 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,716 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,716 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,721 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,721 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,724 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,724 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,727 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,728 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,734 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:55,735 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:55,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:55,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:55,739 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:17:55,740 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:55,740 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,740 - __main__ - INFO - Average Fitness Value of Generation: 1025133184371055987247414247424.000000 +2015-04-21 15:17:55,740 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:17:55,741 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:55,741 - __main__ - INFO - Finished run 4. +2015-04-21 15:17:55,741 - __main__ - INFO - Starting run 5... +2015-04-21 15:17:55,741 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:55,743 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:55,743 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:55,744 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:55,745 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:55,745 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:55,745 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,746 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,749 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,749 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,752 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,753 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,756 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,757 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,760 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,761 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,764 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,764 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,769 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,770 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,775 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,777 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,781 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,782 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,785 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,786 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,789 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,789 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,792 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,793 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,796 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,796 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,799 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,800 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,803 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:55,803 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:55,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:55,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:55,808 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:17:55,808 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:55,808 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 +2015-04-21 15:17:55,808 - __main__ - INFO - Average Fitness Value of Generation: 78285735821513304405272690688.000000 +2015-04-21 15:17:55,808 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:17:55,808 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:55,809 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:55,809 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:55,810 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,811 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,816 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,817 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,821 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,821 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,825 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,825 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,828 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,828 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,832 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,832 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,835 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,836 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,839 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,839 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,842 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,843 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,848 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,848 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,853 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,855 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,859 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,860 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,862 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,863 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,866 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,866 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,869 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:55,869 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:55,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:55,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:55,872 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:17:55,872 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:55,872 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,873 - __main__ - INFO - Average Fitness Value of Generation: 524250059118302691000324194304.000000 +2015-04-21 15:17:55,873 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:17:55,873 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:55,873 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:55,873 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:55,874 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,874 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,877 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,878 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,881 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,882 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,887 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,888 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,893 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,894 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,898 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,898 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,902 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,903 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,905 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,906 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,909 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,909 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,912 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,913 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,916 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,916 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,919 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,920 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,924 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,925 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,931 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,931 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,936 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:55,937 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:55,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:55,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:55,939 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:17:55,940 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:55,940 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:55,940 - __main__ - INFO - Average Fitness Value of Generation: 802498730339021291812896636928.000000 +2015-04-21 15:17:55,940 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:17:55,940 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:55,940 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:55,940 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:55,941 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,941 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,944 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,945 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,948 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,948 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,951 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,952 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,955 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,956 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,958 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,960 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,966 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,967 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,971 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,972 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,975 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,976 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,979 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,980 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,983 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,983 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,986 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,987 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,990 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,990 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,993 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,994 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:55,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:55,996 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:55,997 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:55,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,002 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:17:56,003 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:56,003 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,003 - __main__ - INFO - Average Fitness Value of Generation: 965695077325147645384518008832.000000 +2015-04-21 15:17:56,004 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:17:56,004 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:56,004 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:56,004 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:56,006 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,006 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,011 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,012 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,015 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,016 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,019 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,019 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,022 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,023 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,026 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,026 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,029 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,029 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,033 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,033 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,036 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,037 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,043 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,043 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,048 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,049 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,053 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,053 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,056 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,057 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,060 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,060 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,063 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,063 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,066 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:17:56,067 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:56,067 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,067 - __main__ - INFO - Average Fitness Value of Generation: 837134386821725222449423843328.000000 +2015-04-21 15:17:56,067 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:17:56,067 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:56,067 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:56,067 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:56,068 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,068 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,072 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,072 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,076 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,078 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,083 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,084 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,088 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,089 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,092 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,092 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,095 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,096 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,099 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,099 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,103 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,103 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,106 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,106 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,109 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,110 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,113 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,114 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,119 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,121 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,126 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,126 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,130 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,130 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,133 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:17:56,134 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:56,134 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,134 - __main__ - INFO - Average Fitness Value of Generation: 804028245514929064947048513536.000000 +2015-04-21 15:17:56,134 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:17:56,134 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:56,134 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:56,134 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:56,135 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,135 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,138 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,138 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,142 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,142 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,145 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,146 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,149 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,149 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,153 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,154 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,160 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,161 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,166 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,166 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,170 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,170 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,173 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,174 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,177 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,177 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,180 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,181 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,184 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,184 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,187 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,188 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,192 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,193 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,199 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:17:56,199 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:56,199 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,199 - __main__ - INFO - Average Fitness Value of Generation: 877520522896636171279044444160.000000 +2015-04-21 15:17:56,199 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:17:56,199 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:56,200 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:56,200 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:56,200 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,201 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,206 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,206 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,209 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,209 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,213 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,213 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,216 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,216 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,219 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,220 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,223 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,224 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,226 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,227 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,231 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,232 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,237 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,238 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,243 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,243 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,246 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,247 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,250 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,250 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,253 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,254 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,256 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,257 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,260 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:17:56,260 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:56,260 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,260 - __main__ - INFO - Average Fitness Value of Generation: 930376070470589887750042812416.000000 +2015-04-21 15:17:56,260 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:17:56,260 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:56,260 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:56,260 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:56,261 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,262 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,264 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,265 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,270 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,271 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,276 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,277 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,282 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,282 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,285 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,286 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,288 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,289 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,292 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,292 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,295 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,296 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,299 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,299 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,302 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,302 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,306 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,308 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,314 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,314 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,319 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,319 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,322 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,323 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,326 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:17:56,326 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:56,326 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,326 - __main__ - INFO - Average Fitness Value of Generation: 853318911114681141668960272384.000000 +2015-04-21 15:17:56,326 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:17:56,326 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:56,326 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:56,326 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:56,327 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,328 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,330 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,331 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,334 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,335 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,338 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,338 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,341 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,341 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,346 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,347 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,353 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,354 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,358 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,359 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,362 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,362 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,365 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,366 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,369 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,369 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,372 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,373 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,376 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,376 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,379 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,379 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,384 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,384 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,390 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:17:56,390 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:56,391 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:56,391 - __main__ - INFO - Average Fitness Value of Generation: 761251809653564972397607518208.000000 +2015-04-21 15:17:56,391 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:17:56,391 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:56,391 - __main__ - INFO - Finished run 5. +2015-04-21 15:17:56,391 - __main__ - INFO - Starting run 6... +2015-04-21 15:17:56,391 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:56,394 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:56,394 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:56,397 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:56,397 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:56,397 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:56,398 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,398 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,401 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,401 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,404 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,404 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,408 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,408 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,411 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,412 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,415 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,415 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,418 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,418 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,421 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,422 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,428 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,429 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,434 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,434 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,438 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,438 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,441 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,441 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,445 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,445 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,448 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,448 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,451 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:56,451 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:56,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:56,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:56,455 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:17:56,455 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:56,455 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 +2015-04-21 15:17:56,455 - __main__ - INFO - Average Fitness Value of Generation: 83000336928032313881355354112.000000 +2015-04-21 15:17:56,455 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:17:56,455 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:56,455 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:56,455 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:56,456 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,457 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,461 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,462 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,467 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,468 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,473 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,473 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,476 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,477 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,480 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,480 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,483 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,483 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,486 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,487 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,490 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,490 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,493 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,493 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,496 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,497 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,502 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,503 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,508 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,508 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,513 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,514 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,517 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:56,517 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:56,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:56,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:56,520 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:17:56,520 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:56,520 - __main__ - INFO - Fitness Value of Best Individual: 651111087433151985459834912768.000000 +2015-04-21 15:17:56,520 - __main__ - INFO - Average Fitness Value of Generation: 108350817218308390969722011648.000000 +2015-04-21 15:17:56,520 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:17:56,520 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:56,520 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:56,521 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:56,521 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,522 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,525 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,526 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,529 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,529 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,532 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,533 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,536 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,537 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,542 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,544 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,548 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,549 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,552 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,553 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,556 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,556 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,559 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,560 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,563 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,563 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,566 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,566 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,569 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,570 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,573 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,574 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,580 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:56,581 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:56,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:56,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:56,585 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:17:56,586 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:56,586 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:17:56,586 - __main__ - INFO - Average Fitness Value of Generation: 297014977726451260139358912512.000000 +2015-04-21 15:17:56,586 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:17:56,586 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:56,587 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:56,587 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:56,587 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,588 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,591 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,591 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,594 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,595 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,598 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,598 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,602 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,602 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,605 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,606 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,609 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,609 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,613 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,613 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,618 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,619 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,624 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,625 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,630 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,631 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,634 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,635 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,640 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,641 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,644 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,645 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,650 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:56,651 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:56,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:56,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:56,655 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:17:56,656 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:17:56,656 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:17:56,656 - __main__ - INFO - Average Fitness Value of Generation: 479794281912785269893990711296.000000 +2015-04-21 15:17:56,656 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:17:56,656 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:56,656 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:56,657 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:56,658 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,660 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,667 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,668 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,672 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,672 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,675 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,675 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,678 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,679 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,681 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,682 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,687 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,687 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,691 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,691 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,695 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,696 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,702 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,702 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,707 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,707 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,710 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,711 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,714 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,715 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,719 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,720 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,723 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:56,723 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:56,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:56,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:56,726 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:17:56,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:56,726 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:17:56,726 - __main__ - INFO - Average Fitness Value of Generation: 566031021139079503252346109952.000000 +2015-04-21 15:17:56,726 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:17:56,726 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:56,726 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:56,727 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:56,727 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,728 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,731 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,731 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,736 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,737 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,742 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,743 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,748 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,748 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,751 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,752 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,755 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,755 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,758 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,758 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,761 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,762 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,765 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,765 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,768 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,768 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,771 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,771 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,774 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,775 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,779 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,779 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,783 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:56,784 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:56,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:56,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:56,787 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:17:56,787 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:56,787 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:17:56,787 - __main__ - INFO - Average Fitness Value of Generation: 501993768256037117095342768128.000000 +2015-04-21 15:17:56,787 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:17:56,787 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:56,788 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:56,788 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:56,788 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,789 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,791 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,792 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,795 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,795 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,798 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,798 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,801 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,802 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,805 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,805 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,808 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,809 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,813 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,814 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,818 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,819 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,822 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,822 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,825 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,826 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,828 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,829 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,832 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,832 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,835 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,836 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,839 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:56,839 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:56,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:56,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:56,842 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:17:56,842 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:56,842 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:56,842 - __main__ - INFO - Average Fitness Value of Generation: 758617970333573447548198191104.000000 +2015-04-21 15:17:56,843 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:17:56,843 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:56,843 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:56,843 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:56,843 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,844 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,848 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,849 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,853 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,854 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,857 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,858 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,861 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,861 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,864 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,864 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,867 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,868 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,871 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,871 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,875 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,875 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,878 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,878 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,881 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,882 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,885 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,886 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,890 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,891 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,894 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,895 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,898 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:56,898 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:56,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:56,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:56,902 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:17:56,902 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:56,902 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 15:17:56,902 - __main__ - INFO - Average Fitness Value of Generation: 558957052998716734640456990720.000000 +2015-04-21 15:17:56,902 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:17:56,902 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:56,902 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:56,902 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:56,903 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,903 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,906 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,907 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,909 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,910 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,913 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,914 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,917 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,917 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,922 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,922 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,927 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,927 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,930 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,931 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,934 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,937 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,938 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,940 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,941 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,944 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,944 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,947 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,950 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,951 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,954 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:56,955 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:56,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:56,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:56,959 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:17:56,960 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:56,960 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 15:17:56,960 - __main__ - INFO - Average Fitness Value of Generation: 726940466773105091403856216064.000000 +2015-04-21 15:17:56,960 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:17:56,960 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:56,960 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:56,960 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:56,961 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,962 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,966 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,966 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,969 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,970 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,972 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,973 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,976 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,976 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,979 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,980 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,983 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,983 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,986 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,986 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,989 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,990 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:56,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:56,995 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:56,996 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:56,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,000 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,001 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,004 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,004 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,007 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,008 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,011 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,011 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,014 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,015 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,017 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:17:57,018 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:57,018 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:57,018 - __main__ - INFO - Average Fitness Value of Generation: 767227577879529336751739895808.000000 +2015-04-21 15:17:57,018 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:17:57,018 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:57,018 - __main__ - INFO - Finished run 6. +2015-04-21 15:17:57,018 - __main__ - INFO - Starting run 7... +2015-04-21 15:17:57,018 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:57,019 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:57,020 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:57,021 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:57,021 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:57,021 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:57,022 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,024 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,029 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,030 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,034 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,035 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,039 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,040 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,043 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,043 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,046 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,047 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,050 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,050 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,053 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,054 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,057 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,057 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,060 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,061 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,065 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,065 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,071 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,071 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,076 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,077 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,080 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,080 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,083 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,084 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,087 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:17:57,087 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-21 15:17:57,087 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 +2015-04-21 15:17:57,087 - __main__ - INFO - Average Fitness Value of Generation: 157465647132436087530074406912.000000 +2015-04-21 15:17:57,087 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:17:57,088 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:57,088 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:57,088 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:57,088 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,089 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,092 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,092 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,095 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,096 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,099 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,099 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,103 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,104 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,110 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,110 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,115 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,115 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,119 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,119 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,122 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,123 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,125 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,126 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,129 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,129 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,133 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,133 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,136 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,137 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,139 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,140 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,144 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,145 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,150 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:17:57,150 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:57,150 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:17:57,150 - __main__ - INFO - Average Fitness Value of Generation: 422484977687166965308886876160.000000 +2015-04-21 15:17:57,150 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:17:57,150 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:57,151 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:57,151 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:57,152 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,153 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,157 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,157 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,160 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,161 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,164 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,164 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,167 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,168 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,171 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,171 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,174 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,175 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,177 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,178 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,183 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,184 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,189 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,189 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,194 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,194 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,197 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,198 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,201 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,201 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,204 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,205 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,208 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,208 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,211 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:17:57,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:57,211 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:17:57,211 - __main__ - INFO - Average Fitness Value of Generation: 575340439229841080849589600256.000000 +2015-04-21 15:17:57,211 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:17:57,211 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:57,212 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:57,212 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:57,212 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,213 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,216 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,216 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,220 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,220 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,224 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,225 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,230 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,230 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,234 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,234 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,237 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,237 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,240 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,240 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,243 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,244 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,246 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,247 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,250 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,251 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,254 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,254 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,257 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,259 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,265 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,266 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,269 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,269 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,272 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:17:57,273 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:57,273 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:17:57,273 - __main__ - INFO - Average Fitness Value of Generation: 803672095676851006993392992256.000000 +2015-04-21 15:17:57,273 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:17:57,273 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:57,273 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:57,273 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:57,274 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,274 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,277 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,278 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,281 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,281 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,284 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,285 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,288 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,288 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,291 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,292 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,296 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,297 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,302 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,303 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,306 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,306 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,309 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,309 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,313 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,314 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,317 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,317 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,320 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,320 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,323 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,324 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,327 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,327 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,331 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:17:57,331 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:57,332 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:17:57,332 - __main__ - INFO - Average Fitness Value of Generation: 814631612190429841151722782720.000000 +2015-04-21 15:17:57,332 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:17:57,332 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:57,332 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:57,332 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:57,333 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,334 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,338 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,339 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,342 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,343 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,346 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,346 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,349 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,350 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,353 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,354 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,356 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,357 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,360 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,360 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,363 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,364 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,368 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,370 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,374 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,375 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,378 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,378 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,378 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,381 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,382 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,385 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,385 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,388 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,389 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,392 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:17:57,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:17:57,392 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:17:57,392 - __main__ - INFO - Average Fitness Value of Generation: 853027069059381862872559648768.000000 +2015-04-21 15:17:57,392 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:17:57,392 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:57,393 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:57,393 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:57,393 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,394 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,397 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,397 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,400 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,401 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,406 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,406 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,411 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,412 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,415 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,416 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,418 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,419 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,422 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,422 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,425 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,426 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,429 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,429 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,432 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,432 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,435 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,436 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,439 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,440 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,445 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,446 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,450 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:57,450 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:57,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:57,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:57,453 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:17:57,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:57,453 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:17:57,454 - __main__ - INFO - Average Fitness Value of Generation: 940720327836305164613187534848.000000 +2015-04-21 15:17:57,454 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:17:57,454 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:57,454 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:57,454 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:57,455 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,455 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,458 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,458 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,462 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,462 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,465 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,466 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,469 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,470 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,474 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,474 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,480 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,481 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,486 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,486 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,489 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,490 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,493 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,494 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,496 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,497 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,500 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,501 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,504 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,504 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,507 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,508 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,511 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:57,512 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:57,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:57,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:57,518 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:17:57,519 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:57,519 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:57,519 - __main__ - INFO - Average Fitness Value of Generation: 956583770684667683079305822208.000000 +2015-04-21 15:17:57,519 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:17:57,519 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:57,519 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:57,519 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:57,520 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,521 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,525 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,526 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,529 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,529 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,533 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,533 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,536 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,537 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,540 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,540 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,543 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,544 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,547 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,547 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,552 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,552 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,558 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,558 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,563 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,564 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,567 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,567 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,570 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,571 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,574 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,574 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,577 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:57,577 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:57,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:57,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:57,580 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:17:57,580 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:57,581 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:57,581 - __main__ - INFO - Average Fitness Value of Generation: 963442545514972357120673972224.000000 +2015-04-21 15:17:57,581 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:17:57,581 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:57,581 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:57,581 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:57,582 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,582 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,585 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,586 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,590 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,591 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,597 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,597 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,602 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,603 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,606 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,606 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,609 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,610 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,613 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,613 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,616 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,617 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,620 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,620 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,623 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,624 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,628 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,629 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,636 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,636 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,642 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,644 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,648 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:57,648 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:57,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:57,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:57,653 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:17:57,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:57,654 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:57,654 - __main__ - INFO - Average Fitness Value of Generation: 831679421976118321399434575872.000000 +2015-04-21 15:17:57,654 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:17:57,654 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:57,654 - __main__ - INFO - Finished run 7. +2015-04-21 15:17:57,654 - __main__ - INFO - Starting run 8... +2015-04-21 15:17:57,654 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:57,656 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:57,656 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:57,658 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:57,658 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:57,658 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:57,659 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,659 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,662 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,663 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,669 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,670 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,676 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,676 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,680 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,681 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,686 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,686 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,689 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,690 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,693 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,693 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,696 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,697 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,702 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,702 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,705 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,706 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,710 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,711 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,716 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,718 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,721 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,722 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,725 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:57,725 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:57,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:57,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:57,728 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:17:57,728 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:57,728 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:17:57,728 - __main__ - INFO - Average Fitness Value of Generation: 179749313788441645496802476032.000000 +2015-04-21 15:17:57,728 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:17:57,729 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:57,729 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:57,729 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:57,729 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,730 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,733 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,734 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,736 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,737 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,740 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,740 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,743 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,744 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,748 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,749 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,753 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,754 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,757 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,757 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,760 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,760 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,763 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,763 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,766 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,767 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,770 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,770 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,773 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,774 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,777 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,777 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,781 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:57,781 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:57,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:57,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:57,786 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:17:57,786 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:57,786 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:17:57,786 - __main__ - INFO - Average Fitness Value of Generation: 426747575194519424330746560512.000000 +2015-04-21 15:17:57,787 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:17:57,787 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:57,787 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:57,787 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:57,788 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,788 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,792 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,792 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,795 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,795 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,798 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,799 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,802 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,803 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,806 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,806 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,809 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,810 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,813 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,813 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,817 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,818 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,823 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,824 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,827 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,827 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,830 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,831 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,834 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,834 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,837 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,837 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,840 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:57,841 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:57,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:57,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:57,844 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:17:57,844 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:57,844 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:17:57,844 - __main__ - INFO - Average Fitness Value of Generation: 565151710093859914157412843520.000000 +2015-04-21 15:17:57,844 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:17:57,844 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:57,844 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:57,845 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:57,845 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,846 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,849 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,849 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,853 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,854 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,859 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,860 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,863 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,864 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,867 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,867 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,870 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,871 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,874 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,874 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,877 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,877 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,880 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,881 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,884 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,884 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,890 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,890 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,896 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,897 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,901 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,901 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,904 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:57,905 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:57,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:57,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:57,908 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:17:57,908 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:57,908 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:17:57,908 - __main__ - INFO - Average Fitness Value of Generation: 587193163217714930961839292416.000000 +2015-04-21 15:17:57,908 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:17:57,908 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:57,908 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:57,909 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:57,909 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,909 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,913 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,913 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,916 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,916 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,919 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,920 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,923 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,923 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,928 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,930 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,935 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,935 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,940 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,940 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,943 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,944 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,947 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,947 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,950 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,950 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,954 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,954 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,957 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,957 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,960 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,961 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,964 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:57,965 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:57,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:57,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:57,971 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:17:57,971 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:57,971 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:17:57,971 - __main__ - INFO - Average Fitness Value of Generation: 608825994850257596611901259776.000000 +2015-04-21 15:17:57,972 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:17:57,972 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:57,972 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:57,972 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:57,973 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,974 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,978 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,979 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,982 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,982 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,985 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,986 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,989 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,989 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,992 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,993 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,996 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:57,996 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:57,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:57,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:57,999 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,000 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,004 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,005 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,011 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,011 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,016 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,016 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,019 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,019 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,022 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,023 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,026 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,026 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,029 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,030 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,033 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:17:58,033 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:58,033 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:58,033 - __main__ - INFO - Average Fitness Value of Generation: 603549708961530025404985769984.000000 +2015-04-21 15:17:58,033 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:17:58,033 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:58,033 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:58,033 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:58,034 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,035 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,038 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,038 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,042 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,043 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,049 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,050 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,055 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,055 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,058 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,059 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,061 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,062 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,065 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,065 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,068 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,068 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,071 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,072 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,075 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,075 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,078 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,079 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,085 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,086 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,090 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,092 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,095 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,096 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,099 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:17:58,099 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:58,099 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,099 - __main__ - INFO - Average Fitness Value of Generation: 672095394110833271714795749376.000000 +2015-04-21 15:17:58,099 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:17:58,099 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:58,099 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:58,099 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:58,100 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,101 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,104 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,104 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,107 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,107 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,110 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,111 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,114 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,114 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,117 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,119 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,125 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,125 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,130 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,131 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,134 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,135 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,138 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,138 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,141 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,141 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,144 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,145 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,148 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,148 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,151 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,152 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,155 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,155 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,160 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:17:58,160 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:58,160 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,161 - __main__ - INFO - Average Fitness Value of Generation: 738413751779759833899941756928.000000 +2015-04-21 15:17:58,161 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:17:58,161 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:58,161 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:58,161 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:58,163 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,164 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,168 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,169 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,172 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,173 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,176 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,176 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,179 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,180 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,183 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,183 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,186 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,187 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,190 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,190 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,194 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,195 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,202 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,202 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,207 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,208 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,211 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,211 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,215 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,215 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,218 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,219 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,221 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,222 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,225 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:17:58,225 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:17:58,225 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,225 - __main__ - INFO - Average Fitness Value of Generation: 652429913235066996613714018304.000000 +2015-04-21 15:17:58,225 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:17:58,226 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:58,226 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:58,226 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:58,226 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,227 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,230 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,231 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,235 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,236 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,241 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,242 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,247 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,247 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,251 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,251 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,254 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,255 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,258 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,258 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,261 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,261 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,264 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,264 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,267 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,268 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,271 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,272 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,278 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,279 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,284 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,285 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,288 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,288 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,291 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:17:58,292 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:58,292 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,292 - __main__ - INFO - Average Fitness Value of Generation: 815225727545135301349636833280.000000 +2015-04-21 15:17:58,292 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:17:58,292 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:58,292 - __main__ - INFO - Finished run 8. +2015-04-21 15:17:58,292 - __main__ - INFO - Starting run 9... +2015-04-21 15:17:58,292 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:17:58,294 - __main__ - INFO - Initialization Complete. +2015-04-21 15:17:58,294 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:17:58,295 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:17:58,295 - __main__ - INFO - Generation 0 running... +2015-04-21 15:17:58,295 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:17:58,296 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,297 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,300 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,300 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,303 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,304 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,307 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,307 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,312 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,314 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,319 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,321 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,325 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,326 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,329 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,330 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,333 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,334 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,337 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,337 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,340 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,341 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,344 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,344 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,348 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,350 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,356 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,356 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,361 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:17:58,361 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:17:58,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:17:58,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:17:58,365 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:17:58,365 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:17:58,365 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:58,365 - __main__ - INFO - Average Fitness Value of Generation: 102948124250902250969895010304.000000 +2015-04-21 15:17:58,365 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:17:58,365 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:17:58,365 - __main__ - INFO - Generation 1 running... +2015-04-21 15:17:58,365 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:17:58,366 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,366 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,369 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,369 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,372 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,373 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,376 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,376 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,379 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,380 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,383 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,383 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,387 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,388 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,394 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,394 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,399 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,399 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,402 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,403 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,406 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,406 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,409 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,410 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,413 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,413 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,416 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,416 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,419 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:17:58,419 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:17:58,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:17:58,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:17:58,423 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:17:58,423 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:58,423 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,423 - __main__ - INFO - Average Fitness Value of Generation: 312547006945630106157039222784.000000 +2015-04-21 15:17:58,423 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:17:58,423 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:17:58,423 - __main__ - INFO - Generation 2 running... +2015-04-21 15:17:58,424 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:17:58,425 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,426 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,432 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,432 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,437 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,438 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,441 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,441 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,444 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,445 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,448 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,448 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,451 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,452 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,455 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,455 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,458 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,459 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,462 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,462 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,465 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,465 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,471 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,471 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,476 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,477 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,479 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,480 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,483 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:17:58,483 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:17:58,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:17:58,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:17:58,486 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:17:58,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:17:58,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,486 - __main__ - INFO - Average Fitness Value of Generation: 724081738312945999120577855488.000000 +2015-04-21 15:17:58,487 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:17:58,487 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:17:58,487 - __main__ - INFO - Generation 3 running... +2015-04-21 15:17:58,487 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:17:58,487 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,488 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,490 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,491 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,494 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,494 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,497 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,498 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,502 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,503 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,508 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,509 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,509 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,514 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,514 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,518 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,518 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,521 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,522 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,525 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,525 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,528 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,529 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,532 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,532 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,535 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,535 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,539 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,540 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,545 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:17:58,546 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:17:58,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:17:58,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:17:58,550 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:17:58,550 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:17:58,551 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:17:58,551 - __main__ - INFO - Average Fitness Value of Generation: 817774560517712990971344453632.000000 +2015-04-21 15:17:58,551 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:17:58,551 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:17:58,551 - __main__ - INFO - Generation 4 running... +2015-04-21 15:17:58,552 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:17:58,552 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,553 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,557 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,557 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,560 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,561 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,564 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,564 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,567 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,568 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,571 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,572 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,575 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,575 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,578 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,579 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,582 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,582 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,588 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,588 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,592 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,592 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,595 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,595 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,598 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,599 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,602 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,602 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,605 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:17:58,606 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:17:58,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:17:58,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:17:58,609 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:17:58,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:17:58,609 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:58,609 - __main__ - INFO - Average Fitness Value of Generation: 724569144917982953229913161728.000000 +2015-04-21 15:17:58,609 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:17:58,609 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:17:58,609 - __main__ - INFO - Generation 5 running... +2015-04-21 15:17:58,609 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:17:58,610 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,610 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,613 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,614 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,617 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,618 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,623 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,624 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,628 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,629 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,633 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,633 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,637 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,638 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,641 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,642 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,647 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,648 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,654 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,655 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,659 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,661 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,668 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,669 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,672 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,672 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,676 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,676 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,679 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:17:58,679 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:17:58,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:17:58,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:17:58,684 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:17:58,684 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:17:58,684 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:17:58,684 - __main__ - INFO - Average Fitness Value of Generation: 640634426636689984928226476032.000000 +2015-04-21 15:17:58,684 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:17:58,684 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:17:58,684 - __main__ - INFO - Generation 6 running... +2015-04-21 15:17:58,685 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:17:58,685 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,686 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,689 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,689 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,692 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,693 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,697 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,698 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,703 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,703 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,706 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,707 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,710 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,710 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,713 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,714 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,717 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,717 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,720 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,721 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,724 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,724 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,728 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,729 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,735 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,735 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,740 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,741 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,744 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:17:58,744 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:17:58,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:17:58,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:17:58,747 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:17:58,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:58,747 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,747 - __main__ - INFO - Average Fitness Value of Generation: 924413443792281078704887562240.000000 +2015-04-21 15:17:58,747 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:17:58,748 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:17:58,748 - __main__ - INFO - Generation 7 running... +2015-04-21 15:17:58,748 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:17:58,748 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,749 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,752 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,752 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,756 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,756 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,759 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,760 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,763 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,763 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,767 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,768 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,774 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,774 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,779 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,780 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,783 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,783 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,786 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,787 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,789 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,790 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,793 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,794 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,797 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,797 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,800 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,800 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,804 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:17:58,804 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:17:58,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:17:58,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:17:58,810 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:17:58,810 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:17:58,810 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,810 - __main__ - INFO - Average Fitness Value of Generation: 989956895974054086086349553664.000000 +2015-04-21 15:17:58,811 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:17:58,811 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:17:58,811 - __main__ - INFO - Generation 8 running... +2015-04-21 15:17:58,811 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:17:58,812 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,813 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,818 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,819 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,822 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,822 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,825 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,826 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,829 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,829 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,832 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,833 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,836 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,836 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,839 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,839 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,843 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,843 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,848 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,850 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,854 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,856 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,859 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,859 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,862 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,862 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,865 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,866 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,869 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:17:58,869 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:17:58,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:17:58,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:17:58,872 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:17:58,872 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:17:58,872 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,872 - __main__ - INFO - Average Fitness Value of Generation: 932088833407111965586214617088.000000 +2015-04-21 15:17:58,872 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:17:58,873 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:17:58,873 - __main__ - INFO - Generation 9 running... +2015-04-21 15:17:58,873 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:17:58,873 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,874 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,876 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,877 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,880 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,880 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,883 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,884 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,888 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,889 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,894 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,894 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,897 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,897 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,900 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,901 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,904 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,904 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,907 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,907 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,910 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,911 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,914 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,914 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,917 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,917 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,920 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,921 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,926 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:17:58,927 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:17:58,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:17:58,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:17:58,931 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:17:58,931 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:17:58,931 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:17:58,931 - __main__ - INFO - Average Fitness Value of Generation: 739360945682290323833992773632.000000 +2015-04-21 15:17:58,931 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:17:58,932 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:17:58,932 - __main__ - INFO - Finished run 9. +2015-04-21 15:17:58,932 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:18:01,589 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:18:01,589 - __main__ - INFO - Program Arguments: +2015-04-21 15:18:01,589 - __main__ - INFO - plot=True +2015-04-21 15:18:01,590 - __main__ - INFO - autoscale=True +2015-04-21 15:18:01,590 - __main__ - INFO - G=10 +2015-04-21 15:18:01,590 - __main__ - INFO - l=20 +2015-04-21 15:18:01,590 - __main__ - INFO - experiment_number=1 +2015-04-21 15:18:01,590 - __main__ - INFO - N=30 +2015-04-21 15:18:01,590 - __main__ - INFO - pc=0.6 +2015-04-21 15:18:01,590 - __main__ - INFO - ce=False +2015-04-21 15:18:01,590 - __main__ - INFO - ff= +2015-04-21 15:18:01,591 - __main__ - INFO - learn=False +2015-04-21 15:18:01,591 - __main__ - INFO - NG=20 +2015-04-21 15:18:01,591 - __main__ - INFO - nruns=10 +2015-04-21 15:18:01,591 - __main__ - INFO - pm=0.033 +2015-04-21 15:18:01,591 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:18:01,591 - __main__ - INFO - Starting run 0... +2015-04-21 15:18:01,591 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:01,592 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:01,593 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:01,594 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:01,594 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:01,594 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:01,595 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,596 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,599 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,599 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,602 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,603 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,606 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,607 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,610 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,610 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,613 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,614 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,617 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,618 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,622 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,622 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,628 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,628 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,632 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,632 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,635 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,637 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,640 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,642 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,646 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,648 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,652 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,653 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,656 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,656 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:01,656 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:01,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:01,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:01,661 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:18:01,661 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:01,662 - __main__ - INFO - Fitness Value of Best Individual: 784328825964927378505921986560.000000 +2015-04-21 15:18:01,662 - __main__ - INFO - Average Fitness Value of Generation: 135752007312030094164213366784.000000 +2015-04-21 15:18:01,662 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:18:01,662 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:01,663 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:01,663 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:01,665 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,666 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,672 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,673 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,676 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,676 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,681 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,681 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,684 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,685 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,688 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,688 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,691 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,692 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,696 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,696 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,701 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,701 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,705 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,705 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,708 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,709 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,712 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,713 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,716 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,716 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,719 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,720 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,723 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:01,723 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:01,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:01,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:01,726 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:18:01,726 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:01,726 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:18:01,726 - __main__ - INFO - Average Fitness Value of Generation: 327308318533690498215250493440.000000 +2015-04-21 15:18:01,727 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:18:01,727 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:01,727 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:01,727 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:01,728 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,729 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,735 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,735 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,740 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,741 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,744 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,744 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,747 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,747 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,750 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,750 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,753 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,754 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,757 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,758 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,761 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,761 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,764 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,765 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,768 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,768 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,774 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,774 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,779 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,779 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,782 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,783 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,786 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:01,786 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:01,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:01,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:01,789 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:18:01,789 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:01,790 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:18:01,790 - __main__ - INFO - Average Fitness Value of Generation: 502247758354949523931234566144.000000 +2015-04-21 15:18:01,790 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:18:01,790 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:01,790 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:01,790 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:01,791 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,791 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,794 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,794 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,797 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,798 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,801 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,802 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,806 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,807 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,812 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,812 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,813 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,816 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,816 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,819 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,820 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,823 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,823 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,826 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,827 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,829 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,830 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,833 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,833 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,836 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,837 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,840 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,840 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,844 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:01,845 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:01,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:01,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:01,849 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:18:01,849 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:01,850 - __main__ - INFO - Fitness Value of Best Individual: 913558883040682589199311831040.000000 +2015-04-21 15:18:01,850 - __main__ - INFO - Average Fitness Value of Generation: 434940314421727267629018644480.000000 +2015-04-21 15:18:01,850 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:18:01,850 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:01,850 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:01,850 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:01,851 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,851 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,854 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,854 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,857 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,858 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,861 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,861 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,864 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,865 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,867 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,868 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,871 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,872 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,874 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,875 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,878 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,878 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,882 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,883 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,887 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,888 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,891 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,892 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,894 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,895 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,897 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,898 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,901 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:01,901 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:01,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:01,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:01,904 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:18:01,904 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:01,904 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:01,905 - __main__ - INFO - Average Fitness Value of Generation: 564679533972555262661071208448.000000 +2015-04-21 15:18:01,905 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:18:01,905 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:01,905 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:01,905 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:01,905 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,906 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,909 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,909 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,913 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,914 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,919 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,920 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,924 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,924 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,927 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,927 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,930 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,931 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,934 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,935 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,938 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,938 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,941 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,941 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,944 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,945 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,950 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,951 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,955 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,956 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,960 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,960 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,964 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:01,964 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:01,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:01,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:01,967 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:18:01,967 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:01,967 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:18:01,967 - __main__ - INFO - Average Fitness Value of Generation: 502830147307599396635712421888.000000 +2015-04-21 15:18:01,967 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:18:01,967 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:01,967 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:01,967 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:01,968 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,968 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,971 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,972 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,974 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,975 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,978 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,979 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,982 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,982 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,985 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,986 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,990 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,990 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,995 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,995 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:01,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:01,999 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:01,999 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:01,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,002 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,003 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,006 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,006 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,009 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,009 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,013 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,013 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,016 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,017 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,020 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,020 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,024 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:18:02,025 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:02,025 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,025 - __main__ - INFO - Average Fitness Value of Generation: 729700563130353822186858348544.000000 +2015-04-21 15:18:02,025 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:18:02,025 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:02,026 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:02,026 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:02,027 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,027 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,031 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,032 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,036 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,036 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,039 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,039 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,042 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,043 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,045 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,046 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,049 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,049 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,052 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,052 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,055 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,056 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,059 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,060 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,064 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,065 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,069 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,070 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,073 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,073 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,076 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,076 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,079 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,080 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,082 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:18:02,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:02,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,083 - __main__ - INFO - Average Fitness Value of Generation: 844595311253875316774647365632.000000 +2015-04-21 15:18:02,083 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:18:02,083 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:02,083 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:02,083 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:02,084 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,084 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,087 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,088 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,090 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,091 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,091 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,094 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,095 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,100 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,100 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,105 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,105 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,108 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,108 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,111 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,112 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,115 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,115 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,115 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,118 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,119 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,122 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,122 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,125 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,126 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,129 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,130 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,136 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,137 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,141 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,142 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,146 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:18:02,146 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:02,146 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,146 - __main__ - INFO - Average Fitness Value of Generation: 776357763435827008645634195456.000000 +2015-04-21 15:18:02,146 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:18:02,146 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:02,146 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:02,146 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:02,147 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,147 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,150 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,151 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,154 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,154 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,157 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,158 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,161 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,161 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,164 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,165 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,168 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,168 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,174 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,175 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,179 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,180 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,184 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,184 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,187 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,187 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,190 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,191 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,194 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,194 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,197 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,198 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,201 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,201 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,204 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:18:02,204 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:02,204 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,204 - __main__ - INFO - Average Fitness Value of Generation: 923858845973114367930527645696.000000 +2015-04-21 15:18:02,205 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:18:02,205 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:02,205 - __main__ - INFO - Finished run 0. +2015-04-21 15:18:02,205 - __main__ - INFO - Starting run 1... +2015-04-21 15:18:02,205 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:02,207 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:02,207 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:02,210 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:02,210 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:02,210 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:02,211 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,214 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,219 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,220 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,223 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,224 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,226 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,227 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,230 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,231 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,234 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,234 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,237 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,237 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,240 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,241 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,244 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,245 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,250 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,250 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,256 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,256 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,261 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,261 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,265 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,268 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,268 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,271 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,275 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:18:02,275 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:02,275 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:18:02,275 - __main__ - INFO - Average Fitness Value of Generation: 163378736259783399518607769600.000000 +2015-04-21 15:18:02,275 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:18:02,275 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:02,276 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:02,276 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:02,276 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,277 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,280 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,280 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,283 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,284 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,288 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,289 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,294 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,295 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,299 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,300 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,303 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,303 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,306 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,307 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,310 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,310 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,313 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,313 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,316 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,317 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,320 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,320 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,323 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,324 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,328 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,328 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,333 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,334 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,337 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:18:02,337 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:02,337 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,338 - __main__ - INFO - Average Fitness Value of Generation: 462355185819287966289995235328.000000 +2015-04-21 15:18:02,338 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:18:02,338 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:02,338 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:02,338 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:02,338 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,339 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,342 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,343 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,346 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,346 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,349 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,350 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,352 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,353 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,355 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,356 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,359 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,359 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,364 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,364 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,369 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,369 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,373 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,373 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,376 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,377 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,380 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,380 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,383 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,384 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,387 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,387 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,390 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,390 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,393 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:18:02,393 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:02,393 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,394 - __main__ - INFO - Average Fitness Value of Generation: 700006078722228367379363004416.000000 +2015-04-21 15:18:02,394 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:18:02,394 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:02,394 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:02,394 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:02,394 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,395 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,399 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,400 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,404 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,405 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,408 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,409 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,412 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,412 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,415 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,416 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,419 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,419 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,422 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,423 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,425 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,426 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,429 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,429 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,433 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,434 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,438 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,439 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,443 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,444 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,447 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,447 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,450 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:02,451 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:02,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:02,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:02,454 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:18:02,454 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:02,454 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,454 - __main__ - INFO - Average Fitness Value of Generation: 726632728089074231853841383424.000000 +2015-04-21 15:18:02,454 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:18:02,454 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:02,455 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:02,455 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:02,455 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,456 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,458 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,459 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,461 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,462 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,465 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,465 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,469 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,469 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,473 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,474 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,478 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,479 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,482 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,482 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,485 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,486 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,489 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,489 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,492 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,493 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,495 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,496 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,499 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,499 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,502 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,503 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,506 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:02,507 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:02,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:02,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:02,511 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:18:02,512 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:02,512 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,512 - __main__ - INFO - Average Fitness Value of Generation: 870512429530272011733279178752.000000 +2015-04-21 15:18:02,512 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:18:02,512 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:02,513 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:02,513 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:02,514 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,515 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,518 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,518 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,519 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,522 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,522 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,525 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,525 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,528 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,529 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,531 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,532 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,535 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,535 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,538 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,539 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,543 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,544 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,548 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,549 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,552 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,553 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,556 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,556 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,559 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,559 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,563 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,563 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,566 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:02,567 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:02,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:02,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:02,570 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:18:02,570 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:18:02,570 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,570 - __main__ - INFO - Average Fitness Value of Generation: 994229366515261708661646426112.000000 +2015-04-21 15:18:02,570 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:18:02,570 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:02,570 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:02,570 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:02,571 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,571 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,574 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,575 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,580 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,581 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,586 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,586 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,591 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,592 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,594 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,595 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,598 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,598 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,601 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,602 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,604 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,605 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,608 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,608 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,611 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,611 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,614 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,615 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,618 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,619 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,624 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,624 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,629 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:02,629 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:02,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:02,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:02,633 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:18:02,633 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:02,633 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,633 - __main__ - INFO - Average Fitness Value of Generation: 1129765340297600192687974121472.000000 +2015-04-21 15:18:02,633 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:18:02,633 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:02,633 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:02,633 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:02,634 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,635 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,640 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,641 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,644 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,644 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,645 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,650 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,650 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,651 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,654 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,655 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,660 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,660 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,666 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,668 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,671 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,672 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,675 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,675 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,679 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,680 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,683 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,684 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,687 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,687 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,690 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,691 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,695 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,695 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,700 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:02,700 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:02,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:02,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:02,705 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:18:02,705 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:02,705 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,705 - __main__ - INFO - Average Fitness Value of Generation: 750237767837014100523521933312.000000 +2015-04-21 15:18:02,705 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:18:02,706 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:02,706 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:02,706 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:02,706 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,707 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,710 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,711 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,714 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,714 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,717 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,718 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,720 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,721 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,724 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,724 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,727 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,728 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,731 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,731 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,736 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,736 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,741 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,741 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,744 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,745 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,748 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,748 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,751 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,751 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,754 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,754 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,757 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:02,758 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:02,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:02,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:02,761 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:18:02,761 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:02,761 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,761 - __main__ - INFO - Average Fitness Value of Generation: 1003968526492857514620876750848.000000 +2015-04-21 15:18:02,761 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:18:02,761 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:02,761 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:02,761 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:02,762 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,762 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,765 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,765 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,769 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,771 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,775 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,776 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,779 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,780 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,783 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,783 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,786 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,786 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,789 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,790 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,792 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,793 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,796 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,796 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,799 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,800 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,803 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,803 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,808 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,809 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,814 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,814 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,817 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:02,818 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:02,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:02,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:02,821 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:18:02,821 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:02,821 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:02,821 - __main__ - INFO - Average Fitness Value of Generation: 846549098923648234274187902976.000000 +2015-04-21 15:18:02,821 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:18:02,821 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:02,821 - __main__ - INFO - Finished run 1. +2015-04-21 15:18:02,821 - __main__ - INFO - Starting run 2... +2015-04-21 15:18:02,822 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:02,823 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:02,823 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:02,825 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:02,825 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:02,825 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:02,825 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,826 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,828 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,829 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,832 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,833 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,836 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,836 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,840 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,840 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,845 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,846 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,850 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,851 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,854 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,854 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,857 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,858 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,861 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,861 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,864 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,865 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,868 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,868 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,871 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,871 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,875 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,875 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,880 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:02,880 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:02,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:02,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:02,884 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:18:02,885 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:02,885 - __main__ - INFO - Fitness Value of Best Individual: 678813890058439533541468405760.000000 +2015-04-21 15:18:02,885 - __main__ - INFO - Average Fitness Value of Generation: 67531479853614668034168848384.000000 +2015-04-21 15:18:02,885 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:18:02,885 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:02,885 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:02,885 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:02,886 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,886 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,889 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,890 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,893 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,893 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,896 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,897 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,900 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,900 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,903 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,904 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,907 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,908 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,911 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,911 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,916 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,917 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,921 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,922 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,925 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,925 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,928 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,929 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,932 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,932 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,935 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,936 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,939 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:02,939 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:02,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:02,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:02,942 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:18:02,942 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:02,942 - __main__ - INFO - Fitness Value of Best Individual: 685903266700323379552213532672.000000 +2015-04-21 15:18:02,942 - __main__ - INFO - Average Fitness Value of Generation: 347872058972920584875605491712.000000 +2015-04-21 15:18:02,942 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:18:02,943 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:02,943 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:02,943 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:02,943 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,944 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,947 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,947 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,952 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,953 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,957 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,958 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,961 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,962 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,965 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,965 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,968 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,969 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,971 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,972 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,975 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,975 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,978 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,979 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,982 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,982 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,986 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,987 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,991 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,992 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,996 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:02,996 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:02,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:02,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:02,999 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,000 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,002 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:18:03,003 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:03,003 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 +2015-04-21 15:18:03,003 - __main__ - INFO - Average Fitness Value of Generation: 464045203437655237745038065664.000000 +2015-04-21 15:18:03,003 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:18:03,003 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:03,003 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:03,003 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:03,004 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,004 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,007 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,007 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,010 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,010 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,013 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,014 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,017 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,017 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,020 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,021 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,026 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,026 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,030 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,031 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,034 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,034 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,037 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,037 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,040 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,040 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,043 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,044 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,047 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,047 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,050 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,050 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,053 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,054 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,057 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:18:03,057 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:03,057 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 +2015-04-21 15:18:03,057 - __main__ - INFO - Average Fitness Value of Generation: 474253151540649685713816649728.000000 +2015-04-21 15:18:03,057 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:18:03,058 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:03,058 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:03,058 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:03,059 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,059 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,064 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,065 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,069 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,069 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,072 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,073 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,075 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,076 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,079 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,080 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,083 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,083 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,086 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,087 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,089 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,090 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,093 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,093 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,099 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,099 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,104 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,104 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,107 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,107 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,110 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,111 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,114 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,115 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,117 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:18:03,118 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:03,118 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:18:03,118 - __main__ - INFO - Average Fitness Value of Generation: 524560413623323137776193372160.000000 +2015-04-21 15:18:03,118 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:18:03,118 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:03,118 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:03,118 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:03,119 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,119 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,122 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,122 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,125 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,125 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,128 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,129 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,133 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,134 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,139 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,139 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,142 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,143 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,145 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,146 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,149 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,149 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,152 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,152 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,155 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,156 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,159 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,159 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,162 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,162 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,166 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,166 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,171 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,171 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,176 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:18:03,176 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:03,176 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,176 - __main__ - INFO - Average Fitness Value of Generation: 616626945615288423186362793984.000000 +2015-04-21 15:18:03,176 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:18:03,176 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:03,176 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:03,176 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:03,177 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,177 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,180 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,181 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,184 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,185 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,188 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,188 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,191 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,191 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,194 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,195 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,198 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,198 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,201 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,202 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,205 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,206 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,210 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,212 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,215 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,215 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,218 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,218 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,221 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,221 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,224 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,225 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,228 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,228 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,231 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:18:03,231 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:03,231 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,232 - __main__ - INFO - Average Fitness Value of Generation: 775609104836010567683606052864.000000 +2015-04-21 15:18:03,232 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:18:03,232 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:03,232 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:03,232 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:03,233 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,233 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,236 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,236 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,239 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,240 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,245 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,245 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,250 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,250 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,253 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,253 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,256 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,256 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,259 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,260 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,263 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,263 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,266 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,266 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,269 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,270 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,273 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,273 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,276 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,277 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,282 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,283 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,286 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,287 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,290 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:18:03,290 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:18:03,290 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,290 - __main__ - INFO - Average Fitness Value of Generation: 541237356706296116822795091968.000000 +2015-04-21 15:18:03,290 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:18:03,290 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:03,290 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:03,290 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:03,291 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,292 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,295 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,295 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,298 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,299 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,301 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,302 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,305 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,305 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,308 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,308 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,312 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,313 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,316 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,317 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,322 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,322 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,325 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,326 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,329 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,329 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,332 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,332 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,332 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,335 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,336 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,338 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,339 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,342 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,342 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,345 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:18:03,345 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:03,345 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,345 - __main__ - INFO - Average Fitness Value of Generation: 889027129383428730308788224000.000000 +2015-04-21 15:18:03,345 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:18:03,346 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:03,346 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:03,346 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:03,346 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,346 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,351 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,352 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,356 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,357 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,360 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,360 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,363 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,364 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,367 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,367 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,370 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,370 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,373 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,373 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,376 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,377 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,379 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,379 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,382 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,383 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,387 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,388 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,393 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,393 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,397 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,397 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,400 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,400 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,403 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:18:03,403 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:03,403 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,403 - __main__ - INFO - Average Fitness Value of Generation: 845011157115113508849863098368.000000 +2015-04-21 15:18:03,403 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:18:03,403 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:03,403 - __main__ - INFO - Finished run 2. +2015-04-21 15:18:03,403 - __main__ - INFO - Starting run 3... +2015-04-21 15:18:03,404 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:03,405 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:03,405 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:03,407 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:03,407 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:03,407 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:03,407 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,408 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,411 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,411 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,411 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,414 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,415 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,418 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,418 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,422 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,423 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,427 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,428 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,432 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,432 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,435 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,436 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,439 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,439 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,442 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,442 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,445 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,446 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,449 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,449 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,452 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,453 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,456 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,456 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,461 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:03,461 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:03,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:03,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:03,466 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:18:03,466 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:03,466 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:18:03,466 - __main__ - INFO - Average Fitness Value of Generation: 162987426225380310209536196608.000000 +2015-04-21 15:18:03,467 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:18:03,467 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:03,467 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:03,467 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:03,468 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,468 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,471 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,472 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,475 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,475 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,478 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,479 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,481 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,482 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,485 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,485 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,488 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,489 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,492 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,493 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,498 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,499 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,503 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,504 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,506 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,507 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,510 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,510 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,513 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,513 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,516 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,517 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,519 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:03,520 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:03,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:03,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:03,523 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:18:03,523 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:03,523 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:18:03,523 - __main__ - INFO - Average Fitness Value of Generation: 642964474299812921985871118336.000000 +2015-04-21 15:18:03,523 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:18:03,523 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:03,523 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:03,523 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:03,524 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,524 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,527 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,528 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,533 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,533 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,537 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,538 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,541 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,542 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,545 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,545 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,548 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,548 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,551 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,551 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,554 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,555 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,558 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,558 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,561 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,562 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,565 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,565 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,570 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,571 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,576 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,576 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,579 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:03,579 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:03,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:03,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:03,582 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:18:03,582 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:03,582 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,583 - __main__ - INFO - Average Fitness Value of Generation: 908286187198113284891357478912.000000 +2015-04-21 15:18:03,583 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:18:03,583 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:03,583 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:03,583 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:03,583 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,584 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,587 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,587 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,590 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,591 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,594 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,594 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,597 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,598 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,601 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,601 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,606 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,606 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,611 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,611 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,614 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,615 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,618 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,618 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,621 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,621 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,625 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,625 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,629 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,629 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,633 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,633 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,636 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:03,636 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:03,637 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:03,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:03,646 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:18:03,647 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:03,647 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,647 - __main__ - INFO - Average Fitness Value of Generation: 948015055759157793526437117952.000000 +2015-04-21 15:18:03,647 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:18:03,648 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:03,648 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:03,648 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:03,651 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,652 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,657 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,658 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,664 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,664 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,665 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,668 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,669 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,672 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,672 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,675 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,676 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,679 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,680 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,685 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,686 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,689 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,689 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,692 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,692 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,696 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,697 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,700 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,700 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,703 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,704 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,707 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,707 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,710 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:03,711 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:03,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:03,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:03,714 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:18:03,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:03,714 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,714 - __main__ - INFO - Average Fitness Value of Generation: 878889515956554415493728960512.000000 +2015-04-21 15:18:03,714 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:18:03,714 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:03,714 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:03,714 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:03,715 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,716 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,719 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,720 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,724 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,725 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,728 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,728 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,731 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,732 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,734 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,735 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,738 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,739 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,741 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,742 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,745 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,745 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,749 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,749 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,753 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,754 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,758 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,758 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,762 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,763 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,766 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,766 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,769 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:03,769 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:03,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:03,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:03,772 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:18:03,772 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:18:03,773 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,773 - __main__ - INFO - Average Fitness Value of Generation: 734240727280695068565853700096.000000 +2015-04-21 15:18:03,773 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:18:03,773 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:03,773 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:03,773 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:03,774 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,774 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,777 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,777 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,780 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,781 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,784 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,786 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,791 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,792 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,797 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,797 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,800 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,801 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,804 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,804 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,807 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,808 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,810 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,811 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,814 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,815 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,817 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,818 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,821 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,822 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,827 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,828 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,833 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:03,833 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:03,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:03,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:03,838 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:18:03,838 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:03,838 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,838 - __main__ - INFO - Average Fitness Value of Generation: 816060889266716471861771763712.000000 +2015-04-21 15:18:03,838 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:18:03,838 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:03,838 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:03,838 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:03,839 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,839 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,842 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,843 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,846 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,847 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,849 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,850 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,853 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,853 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,856 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,857 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,859 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,860 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,864 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,865 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,870 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,871 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,875 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,876 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,879 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,879 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,882 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,883 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,885 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,886 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,889 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,889 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,892 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:03,893 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:03,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:03,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:03,896 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:18:03,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 +2015-04-21 15:18:03,896 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,896 - __main__ - INFO - Average Fitness Value of Generation: 842417029945148843099059912704.000000 +2015-04-21 15:18:03,896 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:18:03,896 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:03,897 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:03,897 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:03,897 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,898 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,901 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,901 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,905 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,906 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,911 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,911 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,914 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,915 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,917 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,918 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,921 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,921 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,924 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,925 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,927 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,928 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,931 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,931 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,934 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,937 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,938 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,941 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,942 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,947 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,951 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:03,952 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:03,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:03,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:03,955 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:18:03,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:03,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:03,955 - __main__ - INFO - Average Fitness Value of Generation: 829084347523916395182383169536.000000 +2015-04-21 15:18:03,955 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:18:03,955 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:03,955 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:03,955 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:03,956 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,957 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,960 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,960 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,963 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,964 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,967 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,967 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,970 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,971 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,974 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,974 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,980 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,981 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,985 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,986 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,989 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,989 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,992 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,993 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,996 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,996 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:03,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:03,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:03,999 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:03,999 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,002 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,003 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,005 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,006 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,009 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,009 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,013 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:18:04,013 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:04,013 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,014 - __main__ - INFO - Average Fitness Value of Generation: 593371076847716392733931208704.000000 +2015-04-21 15:18:04,014 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:18:04,014 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:04,014 - __main__ - INFO - Finished run 3. +2015-04-21 15:18:04,014 - __main__ - INFO - Starting run 4... +2015-04-21 15:18:04,014 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:04,016 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:04,016 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:04,018 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:04,019 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:04,019 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:04,020 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,021 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,024 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,025 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,028 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,029 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,032 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,033 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,035 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,036 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,039 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,040 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,043 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,043 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,048 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,048 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,054 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,055 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,059 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,060 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,063 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,065 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,068 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,069 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,071 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,072 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,075 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,075 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,078 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,082 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:18:04,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:04,083 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:04,083 - __main__ - INFO - Average Fitness Value of Generation: 133926281520739489403205844992.000000 +2015-04-21 15:18:04,083 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:18:04,083 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:04,083 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:04,083 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:04,084 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,084 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,087 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,088 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,093 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,093 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,098 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,098 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,101 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,101 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,104 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,105 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,108 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,108 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,111 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,112 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,115 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,115 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,118 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,118 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,122 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,123 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,129 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,129 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,134 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,135 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,138 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,138 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,141 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,141 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,144 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:18:04,145 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:04,145 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:04,145 - __main__ - INFO - Average Fitness Value of Generation: 450555127288359600218739572736.000000 +2015-04-21 15:18:04,145 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:18:04,145 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:04,145 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:04,145 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:04,146 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,146 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,149 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,150 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,153 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,153 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,156 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,157 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,160 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,161 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,166 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,166 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,171 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,172 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,176 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,176 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,179 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,180 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,183 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,184 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,186 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,187 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,190 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,190 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,193 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,194 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,196 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,197 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,201 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,201 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,207 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:18:04,207 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:04,207 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,207 - __main__ - INFO - Average Fitness Value of Generation: 739621546895966116281644482560.000000 +2015-04-21 15:18:04,207 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:18:04,207 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:04,207 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:04,207 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:04,208 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,209 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,214 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,214 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,217 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,218 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,220 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,221 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,224 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,224 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,227 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,227 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,230 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,231 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,234 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,234 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,237 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,238 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,242 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,243 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,248 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,249 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,254 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,254 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,257 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,257 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,260 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,260 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,261 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,264 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,264 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,267 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:18:04,267 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:04,267 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,268 - __main__ - INFO - Average Fitness Value of Generation: 744496178055415789565052452864.000000 +2015-04-21 15:18:04,268 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:18:04,268 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:04,268 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:04,268 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:04,269 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,269 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,272 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,273 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,276 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,276 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,281 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,282 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,288 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,288 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,292 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,293 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,296 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,296 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,299 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,300 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,303 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,303 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,306 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,306 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,309 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,310 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,313 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,313 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,316 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,317 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,321 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,322 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,327 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,328 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,332 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:18:04,332 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:04,332 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,332 - __main__ - INFO - Average Fitness Value of Generation: 823047771919230918015617859584.000000 +2015-04-21 15:18:04,332 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:18:04,332 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:04,332 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:04,332 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:04,333 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,333 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,336 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,337 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,339 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,340 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,343 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,343 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,346 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,346 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,349 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,349 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,352 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,353 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,357 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,358 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,363 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,364 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,368 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,369 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,372 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,373 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,376 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,376 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,379 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,380 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,382 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,383 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,386 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,386 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,389 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:18:04,389 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:04,389 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,389 - __main__ - INFO - Average Fitness Value of Generation: 757773008799002490911059869696.000000 +2015-04-21 15:18:04,389 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:18:04,389 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:04,389 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:04,390 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:04,390 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,391 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,395 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,396 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,402 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,402 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,406 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,407 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,410 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,411 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,414 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,414 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,417 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,418 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,421 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,422 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,425 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,425 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,428 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,429 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,432 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,432 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,436 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,436 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,441 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,442 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,446 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,447 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,449 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:04,450 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:04,450 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:04,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:04,453 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:18:04,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:04,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,453 - __main__ - INFO - Average Fitness Value of Generation: 948133723558173992860191293440.000000 +2015-04-21 15:18:04,453 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:18:04,453 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:04,453 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:04,453 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:04,454 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,455 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,458 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,458 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,461 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,461 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,464 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,465 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,468 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,468 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,472 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,473 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,478 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,479 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,483 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,484 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,487 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,487 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,490 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,491 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,494 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,494 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,497 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,498 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,500 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,501 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,504 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,504 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,507 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:04,508 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:04,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:04,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:04,513 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:18:04,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:04,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,514 - __main__ - INFO - Average Fitness Value of Generation: 1040480681380318863843573891072.000000 +2015-04-21 15:18:04,514 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:18:04,514 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:04,514 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:04,514 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:04,515 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,516 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,519 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,520 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,523 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,523 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,526 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,526 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,529 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,530 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,533 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,533 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,536 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,536 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,539 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,540 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,543 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,544 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,549 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,549 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,554 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,555 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,558 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,558 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,561 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,562 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,565 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,565 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,568 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:04,568 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:04,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:04,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:04,571 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:18:04,571 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:04,572 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,572 - __main__ - INFO - Average Fitness Value of Generation: 1067685921685532443695795666944.000000 +2015-04-21 15:18:04,572 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:18:04,572 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:04,572 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:04,572 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:04,573 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,573 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,576 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,576 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,580 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,580 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,584 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,585 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,590 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,590 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,593 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,594 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,596 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,597 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,600 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,600 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,603 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,604 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,607 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,607 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,610 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,611 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,614 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,614 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,619 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,619 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,624 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,625 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,629 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:04,629 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:04,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:04,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:04,633 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:18:04,633 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:04,633 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,633 - __main__ - INFO - Average Fitness Value of Generation: 895526640281645599077693390848.000000 +2015-04-21 15:18:04,634 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:18:04,634 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:04,634 - __main__ - INFO - Finished run 4. +2015-04-21 15:18:04,634 - __main__ - INFO - Starting run 5... +2015-04-21 15:18:04,634 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:04,635 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:04,635 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:04,637 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:04,637 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:04,637 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:04,638 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,639 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,639 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,644 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,645 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,653 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,654 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,660 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,662 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,667 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,668 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,671 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,672 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,674 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,675 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,679 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,680 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,683 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,684 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,687 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,688 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,692 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,692 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,695 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,696 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,700 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,701 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,705 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,706 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,709 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:04,709 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:04,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:04,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:04,712 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:18:04,712 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:04,713 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,713 - __main__ - INFO - Average Fitness Value of Generation: 183916308620609785888168214528.000000 +2015-04-21 15:18:04,713 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:18:04,713 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:04,713 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:04,713 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:04,713 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,714 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,717 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,717 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,720 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,720 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,721 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,724 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,724 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,727 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,727 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,730 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,731 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,736 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,736 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,740 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,741 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,745 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,745 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,748 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,749 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,752 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,752 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,756 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,756 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,759 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,759 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,763 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,763 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,766 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:04,767 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:04,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:04,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:04,772 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:18:04,772 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:04,772 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,772 - __main__ - INFO - Average Fitness Value of Generation: 580365898323612404271447801856.000000 +2015-04-21 15:18:04,772 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:18:04,772 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:04,773 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:04,773 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:04,774 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,774 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,778 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,778 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,781 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,782 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,784 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,785 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,788 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,788 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,791 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,792 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,794 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,795 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,798 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,798 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,801 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,802 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,806 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,807 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,811 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,812 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,815 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,815 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,818 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,819 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,821 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,822 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,825 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:04,826 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:04,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:04,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:04,829 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:18:04,829 - __main__ - INFO - Number of Correct Bits in Best Individual: 5 +2015-04-21 15:18:04,829 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:18:04,829 - __main__ - INFO - Average Fitness Value of Generation: 728057683485334516097609629696.000000 +2015-04-21 15:18:04,829 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:18:04,829 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:04,829 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:04,829 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:04,830 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,830 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,834 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,834 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,838 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,838 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,844 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,845 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,850 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,850 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,853 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,854 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,857 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,857 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,860 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,861 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,864 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,865 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,868 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,868 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,871 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,871 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,875 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,875 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,880 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,882 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,887 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,887 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,892 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:04,892 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:04,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:04,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:04,895 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:18:04,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:04,896 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,896 - __main__ - INFO - Average Fitness Value of Generation: 765031034404291767971027615744.000000 +2015-04-21 15:18:04,896 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:18:04,896 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:04,896 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:04,896 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:04,897 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,897 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,900 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,901 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,904 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,904 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,908 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,908 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,911 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,912 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,915 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,916 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,921 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,923 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,927 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,927 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,931 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,931 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,934 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,935 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,938 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,938 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,941 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,941 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,945 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,945 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,948 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,948 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,951 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:04,952 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:04,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:04,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:04,955 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:18:04,955 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:04,955 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:04,955 - __main__ - INFO - Average Fitness Value of Generation: 762007231035925041235489718272.000000 +2015-04-21 15:18:04,955 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:18:04,955 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:04,955 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:04,955 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:04,956 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,956 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,961 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,962 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,967 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,967 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,970 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,971 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,974 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,975 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,978 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,978 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,981 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,981 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,985 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,985 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,988 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,988 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,991 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,992 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:04,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:04,996 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:04,997 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:04,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,001 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,002 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,005 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,005 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,008 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,009 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,011 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,012 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,015 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:18:05,015 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,015 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:18:05,015 - __main__ - INFO - Average Fitness Value of Generation: 728568370562004192634519683072.000000 +2015-04-21 15:18:05,015 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:18:05,015 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:05,015 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:05,015 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:05,016 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,016 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,019 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,020 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,022 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,023 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,026 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,026 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,029 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,030 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,035 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,035 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,039 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,040 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,043 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,044 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,047 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,047 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,050 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,051 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,054 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,055 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,058 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,058 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,061 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,061 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,065 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,066 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,070 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,071 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,075 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:18:05,075 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,075 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,075 - __main__ - INFO - Average Fitness Value of Generation: 879219981682562736358816743424.000000 +2015-04-21 15:18:05,075 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:18:05,075 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:05,075 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:05,076 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:05,076 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,077 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,080 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,080 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,080 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,083 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,084 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,086 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,087 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,089 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,090 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,093 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,093 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,096 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,096 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,100 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,100 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,104 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,105 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,109 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,110 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,113 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,114 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,117 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,117 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,120 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,121 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,124 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,125 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,128 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,128 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,131 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:18:05,131 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,131 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,131 - __main__ - INFO - Average Fitness Value of Generation: 975659295938524074572710412288.000000 +2015-04-21 15:18:05,131 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:18:05,131 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:05,131 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:05,132 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:05,132 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,133 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,136 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,136 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,141 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,142 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,146 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,147 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,149 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,150 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,153 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,154 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,157 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,157 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,160 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,160 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,163 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,164 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,167 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,167 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,170 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,170 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,173 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,174 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,179 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,180 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,184 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,184 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,187 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,188 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,191 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:18:05,191 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:05,191 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,191 - __main__ - INFO - Average Fitness Value of Generation: 925175561714596073629988945920.000000 +2015-04-21 15:18:05,191 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:18:05,191 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:05,191 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:05,191 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:05,192 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,193 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,195 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,196 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,199 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,199 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,202 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,203 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,205 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,206 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,209 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,209 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,213 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,214 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,218 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,219 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,222 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,222 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,225 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,225 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,228 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,229 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,232 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,232 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,235 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,235 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,238 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,239 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,242 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,242 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,245 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:18:05,245 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:05,246 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,246 - __main__ - INFO - Average Fitness Value of Generation: 912918746271437975189270298624.000000 +2015-04-21 15:18:05,246 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:18:05,246 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:05,246 - __main__ - INFO - Finished run 5. +2015-04-21 15:18:05,246 - __main__ - INFO - Starting run 6... +2015-04-21 15:18:05,246 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:05,249 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:05,249 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:05,251 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:05,251 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:05,251 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:05,252 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,254 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,257 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,258 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,261 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,261 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,264 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,265 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,268 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,268 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,271 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,275 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,275 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,278 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,279 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,284 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,285 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,290 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,291 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,295 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,295 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,299 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,300 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,300 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,303 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,304 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,307 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,307 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,310 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,311 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,314 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:18:05,314 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:05,314 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 +2015-04-21 15:18:05,314 - __main__ - INFO - Average Fitness Value of Generation: 127349480565426509711098773504.000000 +2015-04-21 15:18:05,314 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:18:05,314 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:05,314 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:05,314 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:05,315 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,315 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,319 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,320 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,325 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,326 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,330 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,332 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,335 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,335 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,338 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,339 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,342 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,342 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,345 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,349 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,352 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,352 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,355 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,356 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,359 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,359 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,365 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,365 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,370 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,370 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,373 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,374 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,377 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:18:05,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:05,377 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:05,377 - __main__ - INFO - Average Fitness Value of Generation: 673938480141129493047345676288.000000 +2015-04-21 15:18:05,377 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:18:05,377 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:05,377 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:05,377 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:05,378 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,378 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,381 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,382 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,385 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,385 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,388 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,389 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,391 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,392 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,395 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,396 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,400 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,401 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,406 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,406 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,406 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,409 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,410 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,413 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,413 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,416 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,416 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,419 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,419 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,422 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,423 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,426 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,426 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,429 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:05,430 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:05,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:05,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:05,433 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:18:05,433 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:05,433 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,433 - __main__ - INFO - Average Fitness Value of Generation: 688871294289040899376190324736.000000 +2015-04-21 15:18:05,433 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:18:05,433 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:05,433 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:05,434 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:05,435 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,436 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,440 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,442 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,445 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,445 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,448 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,449 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,452 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,452 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,455 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,455 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,458 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,459 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,461 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,462 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,465 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,465 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,468 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,468 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,469 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,474 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,475 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,479 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,480 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,483 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,483 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,486 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,486 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,489 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:05,490 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:05,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:05,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:05,493 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:18:05,493 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:05,493 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,493 - __main__ - INFO - Average Fitness Value of Generation: 874461988985148345278846205952.000000 +2015-04-21 15:18:05,493 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:18:05,493 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:05,493 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:05,493 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:05,494 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,494 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,497 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,498 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,500 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,501 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,504 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,505 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,509 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,510 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,514 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,515 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,518 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,518 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,521 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,521 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,524 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,525 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,528 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,528 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,531 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,531 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,534 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,535 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,538 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,538 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,541 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,542 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,542 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,546 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:05,547 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:05,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:05,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:05,551 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:18:05,551 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,552 - __main__ - INFO - Average Fitness Value of Generation: 848924143539932894683402862592.000000 +2015-04-21 15:18:05,552 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:18:05,552 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:05,552 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:05,552 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:05,553 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,553 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,557 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,557 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,560 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,561 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,564 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,564 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,567 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,568 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,571 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,571 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,574 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,575 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,578 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,579 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,584 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,585 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,589 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,589 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,593 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,593 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,596 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,596 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,599 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,599 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,602 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,603 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,606 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:05,606 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:05,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:05,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:05,609 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:18:05,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,610 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,610 - __main__ - INFO - Average Fitness Value of Generation: 822504524629866151469408845824.000000 +2015-04-21 15:18:05,610 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:18:05,610 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:05,610 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:05,610 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:05,611 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,611 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,614 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,614 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,619 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,620 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,624 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,625 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,628 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,628 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,632 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,632 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,636 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,636 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,639 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,640 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,644 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,644 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,647 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,648 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,656 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,657 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,666 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,667 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,672 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,673 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,678 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,679 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,684 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:05,684 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:05,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:05,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:05,687 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:18:05,687 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,688 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,688 - __main__ - INFO - Average Fitness Value of Generation: 884133056106325680353028603904.000000 +2015-04-21 15:18:05,688 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:18:05,688 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:05,688 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:05,688 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:05,689 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,690 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,697 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,698 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,702 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,703 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,706 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,706 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,709 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,710 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,714 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,715 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,718 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,721 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,722 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,725 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,725 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,729 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,730 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,735 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,735 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,739 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,740 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,743 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,744 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,747 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,747 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,750 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,750 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:05,751 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:05,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:05,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:05,754 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:18:05,754 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:05,754 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,754 - __main__ - INFO - Average Fitness Value of Generation: 815323020044364989417943728128.000000 +2015-04-21 15:18:05,754 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:18:05,754 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:05,754 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:05,754 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:05,755 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,756 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,758 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,759 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,762 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,762 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,766 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,767 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,772 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,773 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,776 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,776 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,780 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,781 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,783 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,784 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,787 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,787 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,790 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,791 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,794 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,794 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,794 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,797 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,798 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,800 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,801 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,804 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,805 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,810 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:05,811 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:05,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:05,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:05,816 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:18:05,816 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:05,816 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,816 - __main__ - INFO - Average Fitness Value of Generation: 831961818656058269319791902720.000000 +2015-04-21 15:18:05,816 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:18:05,817 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:05,817 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:05,817 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:05,818 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,818 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,821 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,822 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,825 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,825 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,828 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,828 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,831 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,831 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,834 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,835 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,837 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,838 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,840 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,841 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,844 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,844 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,849 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,850 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,854 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,854 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,857 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,858 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,861 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,861 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,864 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,864 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,867 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:05,867 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:05,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:05,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:05,870 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:18:05,870 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:05,871 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:05,871 - __main__ - INFO - Average Fitness Value of Generation: 844864007171639030427936620544.000000 +2015-04-21 15:18:05,871 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:18:05,871 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:05,871 - __main__ - INFO - Finished run 6. +2015-04-21 15:18:05,871 - __main__ - INFO - Starting run 7... +2015-04-21 15:18:05,871 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:05,872 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:05,872 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:05,874 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:05,874 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:05,874 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:05,875 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,876 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,879 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,879 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,884 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,884 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,888 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,889 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,892 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,892 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,895 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,896 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,899 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,900 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,903 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,903 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,906 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,907 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,909 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,910 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,913 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,916 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,921 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,922 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,926 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,927 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,930 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,931 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,934 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:05,934 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:05,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:05,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:05,937 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:18:05,937 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:05,938 - __main__ - INFO - Fitness Value of Best Individual: 700282274153114679659575902208.000000 +2015-04-21 15:18:05,938 - __main__ - INFO - Average Fitness Value of Generation: 58953751864682959216878551040.000000 +2015-04-21 15:18:05,938 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:18:05,938 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:05,938 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:05,938 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:05,939 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,939 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,942 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,942 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,945 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,945 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,948 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,948 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,951 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,952 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,957 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,958 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,962 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,963 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,967 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,968 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,971 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,971 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,974 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,974 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,977 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,978 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,981 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,981 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,984 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,985 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,988 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,989 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,993 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:05,993 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:05,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:05,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:05,999 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:18:05,999 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:05,999 - __main__ - INFO - Fitness Value of Best Individual: 1172025550356773630692472913920.000000 +2015-04-21 15:18:05,999 - __main__ - INFO - Average Fitness Value of Generation: 214127742267774208263631929344.000000 +2015-04-21 15:18:05,999 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:18:05,999 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:05,999 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:05,999 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:06,000 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,001 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,005 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,006 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,009 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,009 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,012 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,013 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,016 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,016 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,019 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,020 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,022 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,023 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,026 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,026 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,030 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,031 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,037 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,037 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,041 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,042 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,045 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,046 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,048 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,049 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,052 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,052 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,055 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,055 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,058 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:18:06,058 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:06,058 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:18:06,058 - __main__ - INFO - Average Fitness Value of Generation: 515255109886214367112545173504.000000 +2015-04-21 15:18:06,058 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:18:06,058 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:06,058 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:06,059 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:06,059 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,060 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,063 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,063 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,066 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,066 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,071 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,072 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,077 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,077 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,082 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,083 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,086 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,086 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,089 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,090 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,093 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,094 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,097 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,098 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,101 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,101 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,105 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,105 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,109 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,110 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,114 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,115 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,118 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,119 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,122 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:18:06,122 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:06,122 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:18:06,122 - __main__ - INFO - Average Fitness Value of Generation: 556992689483096260487472480256.000000 +2015-04-21 15:18:06,122 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:18:06,122 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:06,123 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:06,123 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:06,123 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,124 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,127 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,127 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,130 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,130 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,133 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,133 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,136 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,136 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,139 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,140 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,145 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,146 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,151 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,152 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,156 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,156 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,159 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,160 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,163 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,163 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,166 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,167 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,169 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,170 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,173 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,173 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,176 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,177 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,180 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:18:06,180 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:06,180 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:18:06,180 - __main__ - INFO - Average Fitness Value of Generation: 574312873216830833292113608704.000000 +2015-04-21 15:18:06,180 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:18:06,180 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:06,180 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:06,180 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:06,181 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,181 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,186 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,187 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,191 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,192 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,195 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,195 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,198 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,199 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,202 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,202 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,205 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,205 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,208 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,208 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,211 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,211 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,214 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,215 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,218 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,219 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,223 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,223 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,228 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,228 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,231 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,232 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,235 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,235 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,238 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:18:06,238 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:06,238 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:18:06,238 - __main__ - INFO - Average Fitness Value of Generation: 703578501072935536466409291776.000000 +2015-04-21 15:18:06,238 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:18:06,238 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:06,239 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:06,239 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:06,239 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,239 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,243 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,243 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,246 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,246 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,249 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,249 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,252 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,253 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,256 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,256 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,260 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,260 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,265 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,265 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,268 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,268 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,271 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,272 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,275 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,275 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,278 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,279 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,281 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,282 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,284 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,285 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,288 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,288 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,291 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:18:06,291 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:06,291 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:18:06,291 - __main__ - INFO - Average Fitness Value of Generation: 719078499948468262831847899136.000000 +2015-04-21 15:18:06,292 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:18:06,292 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:06,292 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:06,292 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:06,293 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,294 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,298 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,299 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,303 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,303 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,306 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,306 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,309 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,310 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,313 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,313 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,316 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,316 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,317 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,317 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,319 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,320 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,323 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,323 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,327 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,328 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,334 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,334 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,334 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,338 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,339 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,342 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,343 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,346 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,346 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,349 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,350 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,352 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:18:06,353 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:06,353 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:06,353 - __main__ - INFO - Average Fitness Value of Generation: 650289644954123160516592402432.000000 +2015-04-21 15:18:06,353 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:18:06,353 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:06,353 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:06,353 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:06,354 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,354 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,357 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,358 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,361 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,361 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,365 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,366 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,372 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,373 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,377 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,378 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,381 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,381 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,384 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,385 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,388 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,389 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,392 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,392 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,395 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,395 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,398 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,399 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,402 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,403 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,408 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,409 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,414 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,415 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:06,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:06,418 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:18:06,418 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:06,418 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:06,418 - __main__ - INFO - Average Fitness Value of Generation: 841150483055476404925801431040.000000 +2015-04-21 15:18:06,418 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:18:06,419 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:06,419 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:06,419 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:06,419 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,420 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,423 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,424 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,427 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,428 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,431 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,431 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,434 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,434 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,437 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,438 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,441 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,441 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,446 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,447 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,451 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,452 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,455 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,456 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,458 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,459 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,462 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,463 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,465 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,466 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,469 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,469 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,472 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:06,473 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:06,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:06,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:06,475 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:18:06,476 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:06,476 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:06,476 - __main__ - INFO - Average Fitness Value of Generation: 937450984233341619683394060288.000000 +2015-04-21 15:18:06,476 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:18:06,476 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:06,476 - __main__ - INFO - Finished run 7. +2015-04-21 15:18:06,476 - __main__ - INFO - Starting run 8... +2015-04-21 15:18:06,476 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:06,477 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:06,477 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:06,479 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:06,480 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:06,480 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:06,481 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,482 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,487 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,488 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,491 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,491 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,494 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,495 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,498 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,499 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,502 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,503 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,505 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,506 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,509 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,510 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,513 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,514 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,519 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,521 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,525 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,526 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,530 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,530 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,533 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,534 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,537 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,537 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,540 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:06,541 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:06,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:06,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:06,544 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:18:06,544 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:06,544 - __main__ - INFO - Fitness Value of Best Individual: 598736939238378872731701608448.000000 +2015-04-21 15:18:06,544 - __main__ - INFO - Average Fitness Value of Generation: 78219293653329187660185468928.000000 +2015-04-21 15:18:06,544 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:18:06,544 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:06,544 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:06,544 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:06,545 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,545 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,548 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,549 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,553 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,554 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,560 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,560 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,565 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,565 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,569 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,569 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,572 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,572 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,575 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,575 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,578 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,579 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,582 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,582 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,585 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,586 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,589 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,589 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,594 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,595 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,600 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,600 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,605 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:06,605 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:06,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:06,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:06,608 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:18:06,608 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:06,608 - __main__ - INFO - Fitness Value of Best Individual: 567960437552029950526841946112.000000 +2015-04-21 15:18:06,609 - __main__ - INFO - Average Fitness Value of Generation: 160422167526580270566270304256.000000 +2015-04-21 15:18:06,609 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:18:06,609 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:06,609 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:06,609 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:06,609 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,610 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,612 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,613 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,616 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,617 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,619 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,620 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,623 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,624 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,627 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,628 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,631 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,632 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,635 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,636 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,640 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,642 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,648 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,649 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,655 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,655 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,661 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,662 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,665 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,666 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,669 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,670 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,673 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:06,673 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:06,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:06,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:06,679 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:18:06,679 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:06,679 - __main__ - INFO - Fitness Value of Best Individual: 605069371210072971160980553728.000000 +2015-04-21 15:18:06,679 - __main__ - INFO - Average Fitness Value of Generation: 363114046482090124778416373760.000000 +2015-04-21 15:18:06,680 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:18:06,680 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:06,680 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:06,680 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:06,681 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,682 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,686 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,687 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,689 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,690 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,694 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,695 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,698 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,699 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,701 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,702 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,705 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,705 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,705 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,708 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,708 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,713 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,713 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,718 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,718 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,722 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,723 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,727 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,728 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,731 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,731 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,734 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,735 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,738 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:06,738 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:06,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:06,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:06,741 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:18:06,741 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:06,742 - __main__ - INFO - Fitness Value of Best Individual: 1051140132040790608124642852864.000000 +2015-04-21 15:18:06,742 - __main__ - INFO - Average Fitness Value of Generation: 422703581258020292498506645504.000000 +2015-04-21 15:18:06,742 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:18:06,742 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:06,742 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:06,742 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:06,743 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,743 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,747 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,747 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,753 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,754 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,758 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,758 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,763 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,763 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,766 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,767 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,770 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,770 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,774 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,774 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,777 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,778 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,781 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,781 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,784 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,784 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,789 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,790 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,790 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,795 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,795 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,800 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,800 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,803 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:06,804 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:06,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:06,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:06,807 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:18:06,807 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:06,807 - __main__ - INFO - Fitness Value of Best Individual: 1051140132040790608124642852864.000000 +2015-04-21 15:18:06,807 - __main__ - INFO - Average Fitness Value of Generation: 627841136828383355716398743552.000000 +2015-04-21 15:18:06,807 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:18:06,807 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:06,807 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:06,807 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:06,808 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,809 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,809 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,812 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,812 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,815 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,815 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,818 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,819 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,822 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,822 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,827 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,828 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,833 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,833 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,838 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,838 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,841 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,841 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,845 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,845 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,848 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,848 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,851 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,852 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,855 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,856 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,859 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,859 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,864 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:06,864 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:06,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:06,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:06,870 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:18:06,870 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:06,870 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:18:06,870 - __main__ - INFO - Average Fitness Value of Generation: 566480106121165415961937838080.000000 +2015-04-21 15:18:06,871 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:18:06,871 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:06,871 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:06,871 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:06,872 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,873 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,877 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,878 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,881 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,881 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,884 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,884 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,887 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,887 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,890 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,891 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,894 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,894 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,897 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,898 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,901 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,902 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,908 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,908 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,913 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,913 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,917 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,917 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,920 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,920 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,923 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,923 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,923 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,926 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:06,927 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:06,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:06,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:06,930 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:18:06,930 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:06,930 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:06,930 - __main__ - INFO - Average Fitness Value of Generation: 734032922249622240332297011200.000000 +2015-04-21 15:18:06,930 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:18:06,930 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:06,930 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:06,931 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:06,931 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,932 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,935 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,935 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,939 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,940 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,945 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,947 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,951 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,952 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,955 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,955 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,958 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,959 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,962 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,962 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,965 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,966 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,969 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,969 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,972 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,973 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,976 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,976 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,977 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,977 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,983 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,983 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,988 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,989 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,993 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:06,993 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:06,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:06,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:06,996 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:18:06,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:06,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:06,996 - __main__ - INFO - Average Fitness Value of Generation: 882294343944472819322773831680.000000 +2015-04-21 15:18:06,996 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:18:06,997 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:06,997 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:06,997 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:06,997 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:06,998 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:06,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,001 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,001 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,001 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,004 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,005 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,007 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,008 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,011 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,011 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,014 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,015 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,020 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,021 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,025 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,027 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,030 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,031 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,034 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,034 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,037 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,038 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,040 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,041 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,044 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,045 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,048 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,048 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,051 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,052 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,055 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:18:07,055 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:07,055 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:07,055 - __main__ - INFO - Average Fitness Value of Generation: 879415240711387911210399694848.000000 +2015-04-21 15:18:07,055 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:18:07,055 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:07,055 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:07,055 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:07,056 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,056 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,061 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,061 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,066 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,066 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,069 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,069 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,072 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,072 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,075 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,076 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,079 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,079 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,079 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,082 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,083 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,086 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,086 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,089 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,090 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,093 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,095 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,099 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,099 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,103 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,104 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,107 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,107 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,110 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,110 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,113 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:18:07,113 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:07,113 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:07,114 - __main__ - INFO - Average Fitness Value of Generation: 811642208823515177046171975680.000000 +2015-04-21 15:18:07,114 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:18:07,114 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:07,114 - __main__ - INFO - Finished run 8. +2015-04-21 15:18:07,114 - __main__ - INFO - Starting run 9... +2015-04-21 15:18:07,114 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:07,115 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:07,115 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:07,117 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:07,117 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:07,117 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:07,118 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,118 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,121 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,122 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,125 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,126 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,129 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,130 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,134 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,135 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,139 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,140 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,143 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,143 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,146 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,147 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,149 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,150 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,153 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,154 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,157 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,157 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,160 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,161 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,165 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,166 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,170 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,171 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,175 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:07,175 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:07,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:07,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:07,178 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:18:07,178 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:18:07,179 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 +2015-04-21 15:18:07,179 - __main__ - INFO - Average Fitness Value of Generation: 61175872042555173742823079936.000000 +2015-04-21 15:18:07,179 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:18:07,179 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:07,179 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:07,179 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:07,180 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,180 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,183 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,183 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,186 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,186 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,189 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,190 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,193 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,193 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,196 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,197 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,201 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,203 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,207 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,207 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,212 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,213 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,215 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,216 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,219 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,219 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,222 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,223 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,226 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,227 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,229 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,230 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,233 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,233 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:07,234 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:07,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:07,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:07,238 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:18:07,238 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:07,238 - __main__ - INFO - Fitness Value of Best Individual: 644346357471335645871681306624.000000 +2015-04-21 15:18:07,238 - __main__ - INFO - Average Fitness Value of Generation: 266763482607992153049086820352.000000 +2015-04-21 15:18:07,238 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:18:07,238 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:07,238 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:07,238 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:07,240 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,240 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,246 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,250 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,250 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,254 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,254 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,257 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,258 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,261 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,262 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,264 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,265 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,268 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,268 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,271 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,272 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,275 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,276 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,280 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,281 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,286 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,286 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,289 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,290 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,293 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,294 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,296 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:07,297 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:07,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:07,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:07,300 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:18:07,300 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:07,300 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-21 15:18:07,300 - __main__ - INFO - Average Fitness Value of Generation: 475858475137929929857504903168.000000 +2015-04-21 15:18:07,300 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:18:07,300 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:07,300 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:07,301 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:07,301 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,302 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,304 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,305 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,308 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,308 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,313 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,313 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,314 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,319 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,320 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,324 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,325 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,328 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,328 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,331 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,331 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,334 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,335 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,338 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,338 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,341 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,341 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,344 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,345 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,348 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,349 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,355 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,355 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,360 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:07,361 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:07,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:07,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:07,364 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:18:07,364 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:07,364 - __main__ - INFO - Fitness Value of Best Individual: 1030408257071389368687156789248.000000 +2015-04-21 15:18:07,364 - __main__ - INFO - Average Fitness Value of Generation: 487448254090733672005074157568.000000 +2015-04-21 15:18:07,365 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:18:07,365 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:07,365 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:07,365 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:07,365 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,366 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,369 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,369 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,372 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,372 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,375 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,376 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,379 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,379 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,382 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,383 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,386 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,387 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,392 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,393 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,397 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,397 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,402 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,402 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,405 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,405 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,409 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,409 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,412 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,413 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,416 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,416 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,419 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:07,419 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:07,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:07,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:07,422 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:18:07,422 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:07,423 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:07,423 - __main__ - INFO - Average Fitness Value of Generation: 449747147587595993819654389760.000000 +2015-04-21 15:18:07,423 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:18:07,423 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:07,423 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:07,423 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:07,424 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,424 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,428 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,428 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,432 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,433 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,438 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,438 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,441 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,442 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,445 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,445 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,448 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,448 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,451 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,452 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,452 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,455 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,455 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,458 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,458 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,461 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,462 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,466 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,467 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,471 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,472 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,475 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,476 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,479 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:07,479 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:07,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:07,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:07,482 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:18:07,482 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:07,483 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:07,483 - __main__ - INFO - Average Fitness Value of Generation: 741164607110575614250918608896.000000 +2015-04-21 15:18:07,483 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:18:07,483 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:07,483 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:07,483 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:07,484 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,484 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,487 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,488 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,491 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,492 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,495 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,495 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,498 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,499 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,504 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,505 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,509 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,510 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,514 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,515 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,518 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,518 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,521 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,521 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,524 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,524 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,527 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,527 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,530 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,531 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,534 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,534 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,539 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:07,539 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:07,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:07,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:07,545 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:18:07,545 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:07,545 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:07,545 - __main__ - INFO - Average Fitness Value of Generation: 833542024212690109996749291520.000000 +2015-04-21 15:18:07,545 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:18:07,546 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:07,546 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:07,546 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:07,546 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,547 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,552 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,552 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,555 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,555 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,559 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,559 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,562 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,563 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,566 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,567 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,569 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,570 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,573 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,574 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,580 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,581 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,586 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,587 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,591 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,591 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,594 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,594 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,597 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,598 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,601 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,602 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,605 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:07,605 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:07,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:07,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:07,608 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:18:07,608 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:07,608 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:07,608 - __main__ - INFO - Average Fitness Value of Generation: 835940908169088042710618603520.000000 +2015-04-21 15:18:07,609 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:18:07,609 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:07,609 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:07,609 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:07,610 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,610 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,614 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,615 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,620 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,621 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,625 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,626 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,630 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,630 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,633 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,633 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,637 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,637 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,640 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,641 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,646 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,647 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,653 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,655 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,661 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,663 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,667 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,668 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,671 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,671 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,674 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,675 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,679 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:07,679 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:07,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:07,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:07,682 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:18:07,682 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:07,683 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:07,683 - __main__ - INFO - Average Fitness Value of Generation: 924853503918735133880172412928.000000 +2015-04-21 15:18:07,683 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:18:07,683 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:07,683 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:07,683 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:07,684 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,684 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,687 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,687 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,690 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,692 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,692 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,698 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,699 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,704 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,705 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,708 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,709 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,712 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,713 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,716 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,716 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,719 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,719 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,722 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,722 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,725 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,726 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,729 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,729 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,733 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,733 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,738 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,739 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,743 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:07,743 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:07,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:07,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:07,746 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:18:07,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:07,747 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:07,747 - __main__ - INFO - Average Fitness Value of Generation: 870382727933601103836004483072.000000 +2015-04-21 15:18:07,747 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:18:07,747 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:07,747 - __main__ - INFO - Finished run 9. +2015-04-21 15:18:07,747 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:18:09,822 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:18:09,822 - __main__ - INFO - Program Arguments: +2015-04-21 15:18:09,822 - __main__ - INFO - plot=True +2015-04-21 15:18:09,822 - __main__ - INFO - autoscale=True +2015-04-21 15:18:09,822 - __main__ - INFO - G=10 +2015-04-21 15:18:09,822 - __main__ - INFO - l=20 +2015-04-21 15:18:09,822 - __main__ - INFO - experiment_number=1 +2015-04-21 15:18:09,822 - __main__ - INFO - N=30 +2015-04-21 15:18:09,822 - __main__ - INFO - pc=0.6 +2015-04-21 15:18:09,823 - __main__ - INFO - ce=False +2015-04-21 15:18:09,823 - __main__ - INFO - ff= +2015-04-21 15:18:09,823 - __main__ - INFO - learn=False +2015-04-21 15:18:09,823 - __main__ - INFO - NG=20 +2015-04-21 15:18:09,823 - __main__ - INFO - nruns=10 +2015-04-21 15:18:09,823 - __main__ - INFO - pm=0.033 +2015-04-21 15:18:09,823 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:18:09,823 - __main__ - INFO - Starting run 0... +2015-04-21 15:18:09,824 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:09,825 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:09,825 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:09,827 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:09,827 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:09,827 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:09,828 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,828 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,831 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,832 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,835 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,835 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,838 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,839 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,842 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,842 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,845 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,846 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,849 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,850 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,853 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,854 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,858 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,858 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,863 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,864 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,867 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,867 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,870 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,870 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,873 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,874 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,877 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,877 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,880 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:09,881 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:09,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:09,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:09,884 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:18:09,884 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:09,884 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 +2015-04-21 15:18:09,884 - __main__ - INFO - Average Fitness Value of Generation: 127373203257469646817227440128.000000 +2015-04-21 15:18:09,884 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:18:09,884 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:09,884 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:09,884 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:09,885 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,886 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,890 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,891 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,895 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,896 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,899 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,900 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,903 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,903 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,907 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,908 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,911 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,911 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,914 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,914 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,917 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,918 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,921 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,921 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,926 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,926 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,931 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,931 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,935 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,935 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,938 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,939 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,942 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:09,942 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:09,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:09,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:09,945 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:18:09,945 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:09,945 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:09,946 - __main__ - INFO - Average Fitness Value of Generation: 469977356139913772030660444160.000000 +2015-04-21 15:18:09,946 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:18:09,946 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:09,946 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:09,946 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:09,946 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,947 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,950 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,950 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,954 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,954 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,957 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,958 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,961 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,962 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,967 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,968 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,971 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,972 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,975 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,975 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,979 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,979 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,982 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,983 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,985 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,986 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,989 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,989 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,992 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,992 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:09,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:09,995 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:09,995 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:09,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,000 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,000 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,005 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:18:10,005 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:10,005 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,005 - __main__ - INFO - Average Fitness Value of Generation: 742913677914437863235678896128.000000 +2015-04-21 15:18:10,005 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:18:10,006 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:10,006 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:10,006 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:10,006 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,007 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,010 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,011 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,014 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,014 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,017 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,017 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,020 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,021 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,024 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,025 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,028 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,028 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,032 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,033 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,038 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,039 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,044 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,044 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,047 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,048 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,051 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,052 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,055 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,055 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,058 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,059 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,062 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,062 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,065 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:18:10,066 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:10,066 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,066 - __main__ - INFO - Average Fitness Value of Generation: 931745885666321645130005610496.000000 +2015-04-21 15:18:10,066 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:18:10,066 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:10,066 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:10,066 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:10,067 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,068 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,073 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,074 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,078 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,079 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,083 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,083 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,083 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,086 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,086 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,089 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,090 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,093 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,094 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,097 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,097 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,100 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,100 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,103 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,104 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,107 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,107 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,111 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,112 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,112 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,116 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,117 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,120 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,121 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,124 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,125 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,127 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:18:10,127 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:10,128 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,128 - __main__ - INFO - Average Fitness Value of Generation: 957382350261645131895395057664.000000 +2015-04-21 15:18:10,128 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:18:10,128 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:10,128 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:10,128 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:10,129 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,129 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,132 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,132 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,135 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,135 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,138 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,139 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,142 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,142 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,145 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,146 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,151 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,152 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,156 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,156 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,159 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,160 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,163 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,163 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,166 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,167 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,170 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,170 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,173 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,174 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,177 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,177 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,181 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,182 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,186 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:18:10,186 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:10,186 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,186 - __main__ - INFO - Average Fitness Value of Generation: 865976851240679892972050841600.000000 +2015-04-21 15:18:10,186 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:18:10,187 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:10,187 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:10,187 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:10,188 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,188 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,192 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,193 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,195 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,196 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,199 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,199 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,202 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,203 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,206 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,206 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,209 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,210 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,213 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,213 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,216 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,217 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,222 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,223 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,227 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,227 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,230 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,231 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,234 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,235 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,237 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,238 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,238 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,240 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,241 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,244 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,244 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:18:10,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:10,244 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,244 - __main__ - INFO - Average Fitness Value of Generation: 972690412290438008380984393728.000000 +2015-04-21 15:18:10,244 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:18:10,244 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:10,245 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:10,245 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:10,245 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,246 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,248 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,249 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,254 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,255 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,260 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,261 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,261 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,265 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,266 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,269 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,269 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,272 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,273 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,276 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,276 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,279 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,280 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,283 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,283 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,286 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,286 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,287 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,291 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,291 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,297 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,298 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,302 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,303 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,306 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,307 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,310 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:18:10,310 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:10,310 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,310 - __main__ - INFO - Average Fitness Value of Generation: 1014158920131613500073435987968.000000 +2015-04-21 15:18:10,310 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:18:10,310 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:10,310 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:10,310 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:10,311 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,311 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,315 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,315 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,318 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,319 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,322 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,322 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,325 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,326 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,331 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,331 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,336 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,336 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,337 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,341 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,341 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,345 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,345 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,348 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,348 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,351 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,352 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,354 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,355 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,358 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,358 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,361 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,362 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,365 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,366 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,371 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:18:10,372 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:10,372 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,372 - __main__ - INFO - Average Fitness Value of Generation: 838728041189847448086669950976.000000 +2015-04-21 15:18:10,372 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:18:10,372 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:10,372 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:10,372 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:10,374 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,375 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,379 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,379 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,383 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,383 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,386 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,386 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,389 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,390 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,393 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,393 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,396 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,396 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,399 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,400 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,403 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,403 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,408 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,409 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,414 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,414 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,419 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,419 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,422 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,423 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,426 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,426 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,429 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,429 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:10,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:10,433 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:18:10,433 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:10,433 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,433 - __main__ - INFO - Average Fitness Value of Generation: 820137593660396461050067681280.000000 +2015-04-21 15:18:10,433 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:18:10,433 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:10,433 - __main__ - INFO - Finished run 0. +2015-04-21 15:18:10,433 - __main__ - INFO - Starting run 1... +2015-04-21 15:18:10,433 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:10,435 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:10,435 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:10,436 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:10,436 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:10,437 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:10,437 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,438 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,441 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,442 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,448 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,449 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,453 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,455 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,458 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,459 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,462 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,463 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,466 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,466 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,469 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,469 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,472 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,473 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,476 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,477 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,479 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,480 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,484 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,484 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,489 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,490 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,494 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,495 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,498 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:10,498 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:10,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:10,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:10,501 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:18:10,501 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:10,501 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:10,501 - __main__ - INFO - Average Fitness Value of Generation: 150815571889367278204078784512.000000 +2015-04-21 15:18:10,501 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:18:10,501 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:10,501 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:10,502 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:10,502 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,503 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,506 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,506 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,509 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,510 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,513 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,513 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,516 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,516 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,519 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,520 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,525 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,525 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,529 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,530 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,533 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,533 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,536 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,537 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,539 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,540 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,543 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,544 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,546 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,547 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,550 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,550 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,553 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:10,554 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:10,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:10,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:10,558 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:18:10,559 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:10,559 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:18:10,559 - __main__ - INFO - Average Fitness Value of Generation: 616950115776517020225472823296.000000 +2015-04-21 15:18:10,559 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:18:10,559 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:10,559 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:10,559 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:10,560 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,560 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,565 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,566 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,569 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,569 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,572 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,573 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,576 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,576 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,579 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,580 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,583 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,584 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,586 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,587 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,591 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,592 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,597 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,598 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,603 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,603 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,606 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,607 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,610 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,610 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,613 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,614 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,617 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:10,617 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:10,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:10,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:10,620 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:18:10,620 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:10,620 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:10,621 - __main__ - INFO - Average Fitness Value of Generation: 510405477213439670029733855232.000000 +2015-04-21 15:18:10,621 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:18:10,621 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:10,621 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:10,621 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:10,621 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,622 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,625 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,626 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,629 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,629 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,635 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,635 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,641 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,642 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,647 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,647 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,648 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,653 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,654 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,658 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,658 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,664 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,664 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,664 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,667 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,668 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,671 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,672 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,676 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,677 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,681 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,681 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,685 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,686 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,689 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:10,690 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:10,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:10,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:10,694 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:18:10,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:10,694 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,694 - __main__ - INFO - Average Fitness Value of Generation: 614334581529314236662357688320.000000 +2015-04-21 15:18:10,694 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:18:10,694 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:10,694 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:10,694 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:10,695 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,696 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,699 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,699 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,703 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,703 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,706 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,707 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,710 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,710 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,714 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,715 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,718 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,719 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,723 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,724 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,724 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,727 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,727 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,730 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,731 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,733 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,734 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,737 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,737 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,740 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,741 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,743 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,744 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,748 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:10,749 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:10,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:10,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:10,754 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:18:10,754 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:10,754 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,755 - __main__ - INFO - Average Fitness Value of Generation: 779434393844360075491525263360.000000 +2015-04-21 15:18:10,755 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:18:10,755 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:10,755 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:10,755 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:10,756 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,757 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,761 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,762 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,765 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,766 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,768 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,769 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,772 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,772 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,776 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,776 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,779 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,779 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,782 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,783 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,788 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,789 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,794 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,795 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,799 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,800 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,803 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,804 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,807 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,807 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,810 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,810 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,813 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:10,814 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:10,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:10,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:10,817 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:18:10,817 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:10,817 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,817 - __main__ - INFO - Average Fitness Value of Generation: 935310109436168412826607550464.000000 +2015-04-21 15:18:10,817 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:18:10,817 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:10,817 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:10,817 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:10,818 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,818 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,821 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,822 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,825 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,825 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,829 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,830 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,834 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,834 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,835 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,835 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,838 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,839 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,842 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,842 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,842 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,845 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,846 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,848 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,849 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,852 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,853 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,856 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,856 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,859 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,859 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,864 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,865 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,869 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,869 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,873 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:10,873 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:10,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:10,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:10,876 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:18:10,876 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:10,876 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,876 - __main__ - INFO - Average Fitness Value of Generation: 816764409711207194829164380160.000000 +2015-04-21 15:18:10,876 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:18:10,876 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:10,877 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:10,877 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:10,877 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,878 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,881 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,881 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,884 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,885 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,888 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,888 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,891 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,891 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,894 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,894 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,898 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,898 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,902 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,903 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,908 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,909 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,912 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,912 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,915 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,916 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,916 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,919 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,919 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,919 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,922 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,923 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,926 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,926 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,929 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:10,929 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:10,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:10,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:10,932 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:18:10,933 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:10,933 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,933 - __main__ - INFO - Average Fitness Value of Generation: 975152016532357439389136060416.000000 +2015-04-21 15:18:10,933 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:18:10,933 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:10,933 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:10,933 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:10,934 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,938 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,939 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,944 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,944 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,948 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,951 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,951 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,954 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,955 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,958 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,958 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,961 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,962 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,965 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,965 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,969 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,969 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,975 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,976 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,980 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,981 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,981 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,985 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,986 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,989 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,989 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,992 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:10,992 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:10,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:10,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:10,995 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:18:10,996 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:18:10,996 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:10,996 - __main__ - INFO - Average Fitness Value of Generation: 837909040414542107221476507648.000000 +2015-04-21 15:18:10,996 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:18:10,996 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:10,996 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:10,996 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:10,997 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:10,997 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:10,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,000 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,001 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,004 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,004 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,007 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,008 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,012 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,013 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,018 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,019 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,022 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,022 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,025 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,026 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,029 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,029 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,033 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,033 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,036 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,037 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,039 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,040 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,043 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,044 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,048 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,049 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,053 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,055 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,058 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:18:11,058 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:11,058 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,058 - __main__ - INFO - Average Fitness Value of Generation: 961524339670663398868920565760.000000 +2015-04-21 15:18:11,058 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:18:11,059 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:11,059 - __main__ - INFO - Finished run 1. +2015-04-21 15:18:11,059 - __main__ - INFO - Starting run 2... +2015-04-21 15:18:11,059 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:11,060 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:11,060 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:11,062 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:11,062 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:11,062 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:11,063 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,064 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,067 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,067 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,070 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,071 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,074 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,075 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,078 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,083 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,085 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,089 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,089 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,094 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,094 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,097 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,097 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,100 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,101 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,103 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,104 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,107 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,108 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,111 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,111 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,114 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,114 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,119 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,119 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,125 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:18:11,125 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:11,125 - __main__ - INFO - Fitness Value of Best Individual: 851041981810043742748359524352.000000 +2015-04-21 15:18:11,125 - __main__ - INFO - Average Fitness Value of Generation: 171071024044540484713535504384.000000 +2015-04-21 15:18:11,125 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:18:11,126 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:11,126 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:11,126 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:11,127 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,128 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,131 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,132 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,135 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,135 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,138 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,139 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,142 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,142 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,145 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,146 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,149 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,150 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,153 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,154 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,157 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,158 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,163 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,163 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,168 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,168 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,171 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,172 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,175 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,175 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,178 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,179 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,182 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,182 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,185 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:18:11,185 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:18:11,186 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 +2015-04-21 15:18:11,186 - __main__ - INFO - Average Fitness Value of Generation: 644216808958117323892745830400.000000 +2015-04-21 15:18:11,186 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:18:11,186 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:11,186 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:11,186 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:11,187 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,187 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,190 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,191 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,196 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,197 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,201 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,202 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,206 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,207 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,209 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,210 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,213 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,214 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,217 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,217 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,220 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,220 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,223 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,224 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,226 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,227 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,231 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,231 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,237 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,237 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,237 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,242 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,242 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,246 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,246 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,249 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:18:11,249 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:11,249 - __main__ - INFO - Fitness Value of Best Individual: 1072246668470169367077028102144.000000 +2015-04-21 15:18:11,249 - __main__ - INFO - Average Fitness Value of Generation: 454759432786488092953822625792.000000 +2015-04-21 15:18:11,249 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:18:11,249 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:11,249 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:11,250 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:11,250 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,251 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,254 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,255 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,258 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,258 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,261 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,262 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,264 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,265 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,268 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,268 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,274 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,274 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,278 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,279 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,282 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,282 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,285 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,286 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,289 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,289 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,292 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,292 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,295 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,295 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,296 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,299 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,299 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,299 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,302 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,302 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,302 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,306 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:18:11,306 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:11,306 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:11,306 - __main__ - INFO - Average Fitness Value of Generation: 654960127439485375070469095424.000000 +2015-04-21 15:18:11,306 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:18:11,306 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:11,306 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:11,306 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:11,307 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,309 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,313 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,314 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,317 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,318 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,321 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,321 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,324 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,325 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,328 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,328 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,331 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,332 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,335 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,335 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,338 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,339 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,345 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,346 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,350 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,351 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,355 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,355 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,358 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,358 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,361 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,362 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,365 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,365 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,368 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:18:11,368 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:11,368 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,368 - __main__ - INFO - Average Fitness Value of Generation: 692887543550263376290319958016.000000 +2015-04-21 15:18:11,369 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:18:11,369 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:11,369 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:11,369 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:11,369 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,370 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,373 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,373 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,376 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,376 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,380 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,380 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,384 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,386 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,390 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,390 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,393 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,394 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,397 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,398 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,400 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,401 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,404 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,404 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,407 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,407 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,410 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,411 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,413 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,414 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,418 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,419 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,423 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:11,423 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:11,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:11,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:11,427 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:18:11,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:11,427 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,427 - __main__ - INFO - Average Fitness Value of Generation: 776515144859524591523031154688.000000 +2015-04-21 15:18:11,428 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:18:11,428 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:11,428 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:11,428 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:11,429 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,429 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,432 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,432 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,435 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,436 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,439 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,439 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,442 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,443 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,446 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,446 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,449 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,450 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,456 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,457 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,462 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,463 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,463 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,466 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,466 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,469 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,470 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,473 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,473 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,476 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,477 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,479 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,480 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,483 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:11,483 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:11,483 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:11,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:11,486 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:18:11,486 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:11,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,486 - __main__ - INFO - Average Fitness Value of Generation: 821629779520728970466559000576.000000 +2015-04-21 15:18:11,486 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:18:11,487 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:11,487 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:11,487 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:11,488 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,488 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,493 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,494 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,499 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,499 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,504 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,504 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,507 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,508 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,510 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,511 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,514 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,515 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,517 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,518 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,521 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,521 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,524 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,525 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,529 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,530 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,536 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,537 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,542 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,542 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,545 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,545 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,549 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:11,549 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:11,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:11,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:11,552 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:18:11,552 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:11,552 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,552 - __main__ - INFO - Average Fitness Value of Generation: 800035585650414964335123103744.000000 +2015-04-21 15:18:11,552 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:18:11,553 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:11,553 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:11,553 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:11,553 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,554 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,557 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,558 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,562 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,562 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,566 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,566 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,570 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,571 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,576 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,577 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,580 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,580 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,583 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,584 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,587 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,587 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,590 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,591 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,594 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,595 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,598 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,598 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,601 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,601 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,601 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,605 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,607 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,612 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:11,613 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:11,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:11,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:11,616 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:18:11,616 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:11,616 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,616 - __main__ - INFO - Average Fitness Value of Generation: 938229583079986483165034184704.000000 +2015-04-21 15:18:11,616 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:18:11,617 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:11,617 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:11,617 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:11,617 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,618 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,621 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,621 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,625 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,625 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,628 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,629 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,632 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,633 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,637 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,638 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,645 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,647 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,655 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,655 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,661 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,662 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,665 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,665 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,668 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,668 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,668 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,671 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,672 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,672 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,677 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,677 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,681 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,681 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,684 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:11,685 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:11,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:11,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:11,689 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:18:11,690 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:11,690 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,690 - __main__ - INFO - Average Fitness Value of Generation: 925648400814291034148352032768.000000 +2015-04-21 15:18:11,690 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:18:11,690 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:11,690 - __main__ - INFO - Finished run 2. +2015-04-21 15:18:11,691 - __main__ - INFO - Starting run 3... +2015-04-21 15:18:11,691 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:11,693 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:11,693 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:11,695 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:11,695 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:11,695 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:11,695 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,696 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,699 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,699 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,702 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,703 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,706 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,706 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,709 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,709 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,712 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,713 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,716 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,716 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,721 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,722 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,727 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,727 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,732 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,732 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,732 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,736 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,736 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,739 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,739 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,742 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,743 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,746 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,746 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,746 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,749 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:11,750 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:11,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:11,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:11,753 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:18:11,753 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:11,753 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,753 - __main__ - INFO - Average Fitness Value of Generation: 195810508228531738207095619584.000000 +2015-04-21 15:18:11,753 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:18:11,753 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:11,753 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:11,753 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:11,754 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,755 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,759 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,760 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,765 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,766 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,770 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,771 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,774 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,775 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,778 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,778 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,781 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,781 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,781 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,784 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,785 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,788 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,788 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,791 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,792 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,795 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,795 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,799 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,800 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,805 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,806 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,809 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,809 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,813 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:11,813 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:11,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:11,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:11,816 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:18:11,816 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:11,816 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:18:11,816 - __main__ - INFO - Average Fitness Value of Generation: 341303410012796435967816761344.000000 +2015-04-21 15:18:11,816 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:18:11,816 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:11,816 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:11,817 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:11,817 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,818 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,818 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,821 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,822 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,825 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,825 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,828 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,828 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,831 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,832 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,837 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,838 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,843 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,844 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,848 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,848 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,851 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,852 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,855 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,855 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,858 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,858 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,861 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,862 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,865 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,865 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,865 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,868 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,869 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,872 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:11,873 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:11,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:11,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:11,877 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:18:11,877 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:11,877 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:18:11,877 - __main__ - INFO - Average Fitness Value of Generation: 603132353417059194986779639808.000000 +2015-04-21 15:18:11,877 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:18:11,877 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:11,877 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:11,877 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:11,878 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,879 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,883 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,883 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,886 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,886 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,889 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,890 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,893 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,894 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,897 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,897 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,900 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,901 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,903 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,904 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,907 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,907 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,912 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,913 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,917 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,918 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,921 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,922 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,925 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,926 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,929 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,929 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,932 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:11,932 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:11,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:11,935 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:11,935 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:18:11,935 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:11,935 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-21 15:18:11,936 - __main__ - INFO - Average Fitness Value of Generation: 548954667140760724928792100864.000000 +2015-04-21 15:18:11,936 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:18:11,936 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:11,936 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:11,936 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:11,937 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,937 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,940 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,941 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,944 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,945 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,949 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,950 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,955 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,955 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,959 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,959 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,962 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,963 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,966 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,966 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,969 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,970 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,973 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,974 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,977 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,978 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,981 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,982 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,986 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,987 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,992 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,992 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,995 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:11,996 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:11,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:11,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:11,999 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:18:11,999 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:11,999 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:11,999 - __main__ - INFO - Average Fitness Value of Generation: 429021834601540994964360527872.000000 +2015-04-21 15:18:11,999 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:18:11,999 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:11,999 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:12,000 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:12,000 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,000 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,003 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,004 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,007 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,007 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,010 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,011 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,014 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,014 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,019 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,020 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,025 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,026 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,030 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,030 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,033 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,034 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,037 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,037 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,040 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,041 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,043 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,044 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,047 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,047 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,050 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,050 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,053 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,054 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,059 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:18:12,059 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:12,059 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,059 - __main__ - INFO - Average Fitness Value of Generation: 572517292100342915841784807424.000000 +2015-04-21 15:18:12,060 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:18:12,060 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:12,060 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:12,060 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:12,061 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,062 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,067 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,067 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,070 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,070 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,074 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,074 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,077 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,077 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,080 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,081 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,084 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,084 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,087 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,088 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,091 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,091 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,096 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,096 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,101 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,102 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,106 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,107 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,110 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,110 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,113 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,113 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,116 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,117 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,119 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:18:12,120 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:12,120 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,120 - __main__ - INFO - Average Fitness Value of Generation: 721859529430805083816391081984.000000 +2015-04-21 15:18:12,120 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:18:12,120 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:12,120 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:12,120 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:12,121 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,121 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,125 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,125 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,128 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,128 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,131 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,132 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,138 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,138 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,143 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,143 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,147 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,148 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,150 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,151 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,154 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,155 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,158 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,158 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,161 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,162 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,165 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,165 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,168 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,169 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,174 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,175 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,180 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,181 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,184 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:18:12,185 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:12,185 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,185 - __main__ - INFO - Average Fitness Value of Generation: 740294171090735538875958034432.000000 +2015-04-21 15:18:12,185 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:18:12,185 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:12,185 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:12,185 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:12,186 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,186 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,190 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,190 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,193 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,194 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,197 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,197 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,199 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,200 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,200 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,203 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,203 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,206 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,207 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,211 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,212 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,217 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,217 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,222 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,223 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,226 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,226 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,229 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,230 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,232 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,233 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,236 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,237 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,240 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,240 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,243 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:18:12,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:12,244 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,244 - __main__ - INFO - Average Fitness Value of Generation: 815138069442873977039315009536.000000 +2015-04-21 15:18:12,244 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:18:12,244 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:12,244 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:12,244 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:12,245 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,245 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,248 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,249 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,254 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,255 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,259 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,260 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,263 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,263 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,263 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,266 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,267 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,270 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,270 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,273 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,274 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,277 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,278 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,280 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,281 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,285 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,286 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,292 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,292 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,297 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,297 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,300 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,301 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,304 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,304 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,307 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:18:12,307 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:12,307 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,307 - __main__ - INFO - Average Fitness Value of Generation: 835164163732525903475749421056.000000 +2015-04-21 15:18:12,308 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:18:12,308 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:12,308 - __main__ - INFO - Finished run 3. +2015-04-21 15:18:12,308 - __main__ - INFO - Starting run 4... +2015-04-21 15:18:12,308 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:12,309 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:12,309 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:12,311 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:12,311 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:12,311 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:12,312 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,312 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,315 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,315 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,319 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,319 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,322 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,323 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,326 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,326 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,327 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,331 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,332 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,333 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,336 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,336 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,336 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,339 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,340 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,343 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,343 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,346 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,347 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,350 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,350 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,351 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,351 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,354 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,355 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,358 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,358 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,363 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,363 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,367 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,368 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,371 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:18:12,372 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:12,372 - __main__ - INFO - Fitness Value of Best Individual: 932164339999243693490358452224.000000 +2015-04-21 15:18:12,372 - __main__ - INFO - Average Fitness Value of Generation: 102132962298802202056308293632.000000 +2015-04-21 15:18:12,372 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:18:12,372 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:12,372 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:12,372 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:12,373 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,373 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,376 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,377 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,380 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,381 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,384 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,385 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,388 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,388 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,391 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,392 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,395 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,396 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,400 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,400 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,405 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,405 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,409 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,409 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,409 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,412 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,413 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,416 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,416 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,419 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,420 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,423 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,423 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,426 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:12,426 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:12,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:12,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:12,431 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:18:12,431 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:12,431 - __main__ - INFO - Fitness Value of Best Individual: 1082942308472838653458459394048.000000 +2015-04-21 15:18:12,432 - __main__ - INFO - Average Fitness Value of Generation: 543238703439694461928598405120.000000 +2015-04-21 15:18:12,432 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:18:12,432 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:12,432 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:12,432 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:12,433 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,434 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,439 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,440 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,444 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,445 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,447 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,448 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,451 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,451 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,451 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,454 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,454 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,455 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,457 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,458 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,461 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,461 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,464 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,464 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,468 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,468 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,472 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,473 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,477 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,478 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,481 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,482 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,485 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,486 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,488 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:12,489 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:12,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:12,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:12,492 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:18:12,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:12,492 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,492 - __main__ - INFO - Average Fitness Value of Generation: 657818418480046943051028889600.000000 +2015-04-21 15:18:12,492 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:18:12,492 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:12,492 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:12,493 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:12,493 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,494 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,497 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,497 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,500 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,501 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,504 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,505 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,511 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,511 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,516 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,516 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,520 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,520 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,524 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,524 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,527 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,527 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,530 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,530 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,533 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,534 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,537 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,537 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,540 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,541 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,546 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,546 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,551 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:12,552 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:12,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:12,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:12,556 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:18:12,556 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:12,556 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,557 - __main__ - INFO - Average Fitness Value of Generation: 734098150386337085613431324672.000000 +2015-04-21 15:18:12,557 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:18:12,557 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:12,557 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:12,557 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:12,558 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,558 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,561 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,561 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,562 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,562 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,565 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,566 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,569 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,569 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,572 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,572 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,575 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,576 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,578 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,579 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,582 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,582 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,587 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,588 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,593 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,593 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,596 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,597 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,600 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,600 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,600 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,603 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,604 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,606 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,607 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,610 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:12,610 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:12,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:12,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:12,613 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:18:12,613 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:12,613 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:12,614 - __main__ - INFO - Average Fitness Value of Generation: 669306336673266287199360385024.000000 +2015-04-21 15:18:12,614 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:18:12,614 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:12,614 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:12,614 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:12,615 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,615 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,619 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,620 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,627 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,628 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,633 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,634 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,637 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,638 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,643 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,643 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,644 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,644 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,649 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,650 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,655 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,656 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,663 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,664 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,665 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,665 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,669 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,670 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,674 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,675 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,678 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,678 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,682 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,682 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,685 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,686 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,690 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:12,691 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:12,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:12,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:12,694 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:18:12,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:12,694 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,694 - __main__ - INFO - Average Fitness Value of Generation: 817733666797587885933528612864.000000 +2015-04-21 15:18:12,694 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:18:12,695 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:12,695 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:12,695 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:12,695 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,696 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,701 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,703 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,707 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,708 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,712 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,713 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,716 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,716 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,719 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,719 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,720 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,720 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,723 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,723 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,726 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,727 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,730 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,730 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,733 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,734 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,739 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,740 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,744 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,745 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,749 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,750 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,753 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,754 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,754 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,757 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:12,758 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:12,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:12,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:12,761 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:18:12,761 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:12,761 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,761 - __main__ - INFO - Average Fitness Value of Generation: 783225376095164136821530558464.000000 +2015-04-21 15:18:12,761 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:18:12,761 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:12,761 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:12,761 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:12,762 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,762 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,765 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,766 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,769 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,769 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,773 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,773 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,778 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,778 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,779 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,784 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,784 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,788 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,789 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,791 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,792 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,795 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,795 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,796 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,799 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,799 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,799 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,802 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,803 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,806 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,806 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,806 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,809 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,810 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,815 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,816 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,821 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,821 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:12,822 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:12,822 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:12,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:12,826 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:18:12,826 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:12,826 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,826 - __main__ - INFO - Average Fitness Value of Generation: 833217239592058486552608636928.000000 +2015-04-21 15:18:12,827 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:18:12,827 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:12,827 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:12,827 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:12,827 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,828 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,831 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,832 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,835 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,835 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,838 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,839 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,839 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,842 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,843 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,846 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,846 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,850 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,850 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,856 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,857 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,861 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,862 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,866 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,866 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,869 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,869 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,873 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,873 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,876 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,876 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,879 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,880 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,883 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:12,883 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:12,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:12,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:12,886 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:18:12,887 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:12,887 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,887 - __main__ - INFO - Average Fitness Value of Generation: 855036388016472059969911390208.000000 +2015-04-21 15:18:12,887 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:18:12,887 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:12,887 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:12,887 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:12,889 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,889 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,895 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,896 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,900 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,901 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,904 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,905 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,908 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,908 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,911 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,912 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,915 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,915 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,918 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,918 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,921 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,921 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,924 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,925 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,931 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,931 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,932 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,936 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,938 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,942 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,942 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,945 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,946 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,949 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:12,949 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:12,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:12,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:12,952 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:18:12,952 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:12,952 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:12,952 - __main__ - INFO - Average Fitness Value of Generation: 891718169330270548396223758336.000000 +2015-04-21 15:18:12,952 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:18:12,953 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:12,953 - __main__ - INFO - Finished run 4. +2015-04-21 15:18:12,953 - __main__ - INFO - Starting run 5... +2015-04-21 15:18:12,953 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:12,954 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:12,954 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:12,956 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:12,956 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:12,956 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:12,957 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,957 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,960 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,961 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,961 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,965 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,966 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,972 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,972 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,977 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,978 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,981 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,982 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,985 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,985 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,989 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,989 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,992 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,993 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,996 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:12,996 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:12,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:12,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:12,999 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,000 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,004 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,005 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,010 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,011 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,016 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,016 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,019 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,020 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,023 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:18:13,023 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:13,023 - __main__ - INFO - Fitness Value of Best Individual: 714932007447850196165432705024.000000 +2015-04-21 15:18:13,023 - __main__ - INFO - Average Fitness Value of Generation: 109706419202149896548010426368.000000 +2015-04-21 15:18:13,023 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:18:13,023 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:13,023 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:13,024 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:13,024 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,025 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,027 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,028 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,031 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,031 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,034 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,035 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,038 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,039 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,044 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,045 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,050 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,050 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,055 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,056 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,058 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,059 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,062 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,063 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,066 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,066 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,069 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,069 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,072 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,073 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,075 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,076 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,076 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,080 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,081 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,087 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:18:13,087 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:13,087 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:18:13,087 - __main__ - INFO - Average Fitness Value of Generation: 324451165681405297401937264640.000000 +2015-04-21 15:18:13,087 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:18:13,087 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:13,087 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:13,088 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:13,088 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,089 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,094 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,094 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,094 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,097 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,098 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,100 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,100 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,101 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,101 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,104 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,104 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,105 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,107 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,107 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,108 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,108 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,111 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,111 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,111 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,114 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,115 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,119 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,120 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,125 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,126 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,130 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,131 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,134 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,135 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,138 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,139 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,142 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,142 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,145 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,146 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,149 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:18:13,149 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:13,149 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,149 - __main__ - INFO - Average Fitness Value of Generation: 626399653098128302234354581504.000000 +2015-04-21 15:18:13,149 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:18:13,149 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:13,149 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:13,149 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:13,150 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,150 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,153 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,153 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,158 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,159 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,165 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,165 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,170 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,170 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,173 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,174 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,177 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,177 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,180 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,181 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,184 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,184 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,187 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,188 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,191 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,191 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,195 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,196 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,196 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,202 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,202 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,207 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,208 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,211 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,211 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,214 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:18:13,215 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:13,215 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,215 - __main__ - INFO - Average Fitness Value of Generation: 718550737744772452964936712192.000000 +2015-04-21 15:18:13,215 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:18:13,215 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:13,215 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:13,215 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:13,216 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,216 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,219 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,220 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,223 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,223 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,226 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,226 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,227 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,230 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,230 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,234 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,236 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,241 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,242 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,246 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,247 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,250 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,251 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,254 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,254 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,257 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,258 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,261 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,262 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,264 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,265 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,268 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,269 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,273 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,274 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,280 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:18:13,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:13,280 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,280 - __main__ - INFO - Average Fitness Value of Generation: 686588791964048484164849106944.000000 +2015-04-21 15:18:13,280 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:18:13,280 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:13,281 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:13,281 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:13,281 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,283 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,287 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,287 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,290 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,291 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,294 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,294 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,297 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,297 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,300 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,301 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,304 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,304 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,307 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,308 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,312 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,313 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,313 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,318 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,319 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,323 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,324 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,327 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,328 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,331 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,331 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,334 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,335 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,338 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,338 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,341 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:18:13,341 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:13,341 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,342 - __main__ - INFO - Average Fitness Value of Generation: 700002021425288562558415929344.000000 +2015-04-21 15:18:13,342 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:18:13,342 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:13,342 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:13,342 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:13,343 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,343 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,343 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,346 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,346 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,347 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,347 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,353 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,354 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,358 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,359 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,363 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,363 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,366 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,367 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,370 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,370 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,373 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,374 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,374 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,377 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,377 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,380 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,380 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,383 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,384 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,389 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,389 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,395 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,395 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,400 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,401 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,404 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,404 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:13,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:13,407 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:18:13,407 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:13,407 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,407 - __main__ - INFO - Average Fitness Value of Generation: 626270564770018551118807695360.000000 +2015-04-21 15:18:13,407 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:18:13,408 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:13,408 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:13,408 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:13,408 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,409 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,412 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,413 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,416 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,416 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,419 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,419 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,422 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,423 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,428 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,429 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,434 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,434 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,438 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,439 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,442 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,442 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,445 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,446 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,449 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,449 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,452 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,453 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,456 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,456 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,459 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,460 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,465 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:13,467 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:13,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:13,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:13,471 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:18:13,471 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:13,472 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,472 - __main__ - INFO - Average Fitness Value of Generation: 732512669697784445871169994752.000000 +2015-04-21 15:18:13,472 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:18:13,472 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:13,472 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:13,473 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:13,473 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,474 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,477 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,478 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,481 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,481 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,484 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,484 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,485 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,488 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,488 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,491 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,492 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,495 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,496 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,499 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,500 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,506 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,507 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,511 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,512 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,516 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,516 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,519 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,520 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,523 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,523 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,526 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,526 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,529 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:13,530 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:13,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:13,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:13,533 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:18:13,533 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:13,533 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,533 - __main__ - INFO - Average Fitness Value of Generation: 913957137913934493459253559296.000000 +2015-04-21 15:18:13,533 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:18:13,534 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:13,534 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:13,534 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:13,534 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,535 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,538 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,539 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,545 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,546 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,551 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,552 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,555 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,555 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,558 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,558 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,562 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,563 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,566 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,566 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,569 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,570 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,573 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,573 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,576 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,576 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,581 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,582 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,586 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,587 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,587 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,590 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,591 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,591 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,594 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:13,594 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:13,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:13,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:13,597 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:18:13,598 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:13,598 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,598 - __main__ - INFO - Average Fitness Value of Generation: 960551584996980599210534502400.000000 +2015-04-21 15:18:13,598 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:18:13,598 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:13,598 - __main__ - INFO - Finished run 5. +2015-04-21 15:18:13,598 - __main__ - INFO - Starting run 6... +2015-04-21 15:18:13,598 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:13,599 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:13,599 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:13,601 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:13,601 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:13,601 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:13,602 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,603 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,605 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,606 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,609 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,610 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,613 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,614 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,618 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,618 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,619 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,624 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,625 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,629 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,629 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,633 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,634 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,637 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,638 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,642 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,643 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,649 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,650 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,654 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,655 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,662 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,663 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,667 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,667 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,670 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:13,671 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:13,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:13,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:13,675 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:18:13,675 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:13,675 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:18:13,675 - __main__ - INFO - Average Fitness Value of Generation: 186078013357337743324556034048.000000 +2015-04-21 15:18:13,675 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:18:13,675 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:13,676 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:13,676 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:13,676 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,677 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,680 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,681 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,684 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,684 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,687 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,688 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,692 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,693 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,698 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,699 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,702 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,703 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,707 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,707 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,710 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,711 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,714 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,714 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,717 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,718 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,721 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,721 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,721 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,724 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,725 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,728 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,728 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,729 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,729 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,734 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:13,734 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:13,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:13,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:13,738 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:18:13,738 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:13,738 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:18:13,738 - __main__ - INFO - Average Fitness Value of Generation: 599802101958177590564905549824.000000 +2015-04-21 15:18:13,738 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:18:13,739 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:13,739 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:13,739 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:13,739 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,740 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,743 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,744 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,746 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,747 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,749 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,750 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,753 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,753 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,756 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,756 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,759 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,760 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,765 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,767 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,771 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,771 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,776 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,776 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,779 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,780 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,783 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,783 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,786 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,787 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,790 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,791 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,794 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:13,795 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:13,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:13,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:13,798 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:18:13,798 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:18:13,798 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,798 - __main__ - INFO - Average Fitness Value of Generation: 853320176618535090848083738624.000000 +2015-04-21 15:18:13,798 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:18:13,798 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:13,798 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:13,798 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:13,799 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,800 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,805 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,807 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,811 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,812 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,815 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,816 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,819 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,819 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,822 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,822 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,825 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,826 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,829 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,829 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,833 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,833 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,836 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,837 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,842 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,844 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,848 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,849 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,853 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,854 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,857 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,857 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,860 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,860 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:13,861 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:13,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:13,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:13,864 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:18:13,864 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:13,864 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,864 - __main__ - INFO - Average Fitness Value of Generation: 871489811037154201071196831744.000000 +2015-04-21 15:18:13,864 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:18:13,864 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:13,864 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:13,864 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:13,865 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,866 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,868 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,869 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,872 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,873 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,876 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,877 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,883 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,884 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,889 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,890 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,893 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,894 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,897 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,897 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,900 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,901 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,904 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,905 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,908 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,909 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,912 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,912 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,917 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,918 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,924 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,925 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,929 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:13,929 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:13,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:13,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:13,932 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:18:13,933 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:13,933 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,933 - __main__ - INFO - Average Fitness Value of Generation: 998627178886140037323284283392.000000 +2015-04-21 15:18:13,933 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:18:13,933 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:13,933 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:13,933 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:13,934 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,934 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,937 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,937 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,940 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,941 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,945 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,945 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,945 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,948 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,948 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,951 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,951 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,957 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,958 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,962 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,963 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,967 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,968 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,971 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,971 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,975 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,975 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,978 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,979 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,982 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,982 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,986 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,986 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,989 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:13,989 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:13,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:13,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:13,993 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:18:13,993 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:13,993 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:13,993 - __main__ - INFO - Average Fitness Value of Generation: 833316641383075102435919790080.000000 +2015-04-21 15:18:13,993 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:18:13,993 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:13,994 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:13,994 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:13,995 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:13,996 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:13,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,000 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,001 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,005 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,005 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,008 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,008 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,011 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,012 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,015 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,015 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,018 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,018 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,019 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,022 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,022 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,025 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,025 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,026 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,026 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,031 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,032 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,037 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,037 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,042 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,042 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,045 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,046 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,049 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,049 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,053 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,053 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,056 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:18:14,056 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:14,056 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,056 - __main__ - INFO - Average Fitness Value of Generation: 881044816912111937791205572608.000000 +2015-04-21 15:18:14,056 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:18:14,056 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:14,056 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:14,056 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:14,057 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,058 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,061 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,061 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,061 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,064 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,065 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,068 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,069 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,073 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,074 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,078 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,079 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,082 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,082 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,082 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,085 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,085 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,086 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,089 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,089 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,092 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,093 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,096 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,096 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,099 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,100 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,102 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,103 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,108 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,108 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,113 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,114 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,117 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:18:14,117 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:18:14,117 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,117 - __main__ - INFO - Average Fitness Value of Generation: 1006455668831230199053875675136.000000 +2015-04-21 15:18:14,117 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:18:14,117 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:14,117 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:14,118 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:14,118 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,119 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,123 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,123 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,126 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,126 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,129 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,130 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,133 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,133 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,136 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,136 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,141 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,142 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,147 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,148 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,153 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,153 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,156 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,157 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,159 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,160 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,163 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,164 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,167 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,167 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,170 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,170 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,170 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,173 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,174 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,177 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:18:14,177 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:14,177 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,177 - __main__ - INFO - Average Fitness Value of Generation: 937084141544389965278057857024.000000 +2015-04-21 15:18:14,177 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:18:14,178 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:14,178 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:14,178 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:14,179 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,180 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,185 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,186 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,190 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,191 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,194 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,195 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,198 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,198 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,201 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,202 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,202 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,205 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,205 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,205 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,208 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,209 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,212 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,212 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,215 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,216 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,219 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,219 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,224 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,224 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,228 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,229 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,232 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,232 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,235 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,236 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,239 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:18:14,239 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:14,239 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,239 - __main__ - INFO - Average Fitness Value of Generation: 806182530328870660891314487296.000000 +2015-04-21 15:18:14,239 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:18:14,239 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:14,239 - __main__ - INFO - Finished run 6. +2015-04-21 15:18:14,239 - __main__ - INFO - Starting run 7... +2015-04-21 15:18:14,239 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:14,241 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:14,241 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:14,243 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:14,243 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:14,243 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:14,244 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,244 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,247 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,248 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,251 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,251 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,255 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,256 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,261 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,262 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,266 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,266 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,270 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,270 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,273 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,274 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,277 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,277 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,280 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,281 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,284 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,284 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,287 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,288 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,293 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,294 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,298 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,299 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,303 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,304 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,306 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:18:14,307 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:14,307 - __main__ - INFO - Fitness Value of Best Individual: 494491833377145521779599474688.000000 +2015-04-21 15:18:14,307 - __main__ - INFO - Average Fitness Value of Generation: 71587927803682204308643774464.000000 +2015-04-21 15:18:14,307 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:18:14,307 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:14,307 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:14,307 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:14,308 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,308 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,311 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,311 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,315 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,315 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,318 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,318 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,321 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,322 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,325 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,326 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,331 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,332 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,337 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,338 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,341 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,342 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,345 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,349 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,352 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,352 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,356 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,356 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,359 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,360 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,363 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,363 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,366 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:18:14,366 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:14,367 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 +2015-04-21 15:18:14,367 - __main__ - INFO - Average Fitness Value of Generation: 275607103829755242169354944512.000000 +2015-04-21 15:18:14,367 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:18:14,367 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:14,367 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:14,367 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:14,368 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,368 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,372 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,373 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,377 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,378 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,381 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,381 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,381 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,384 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,384 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,384 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,385 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,387 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,388 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,391 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,391 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,395 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,395 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,398 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,399 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,402 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,402 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,407 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,408 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,408 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,413 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,413 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,416 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,416 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,417 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,417 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,420 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,421 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,424 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:14,424 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:14,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:14,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:14,427 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:18:14,427 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:14,428 - __main__ - INFO - Fitness Value of Best Individual: 1126691777897039887686688571392.000000 +2015-04-21 15:18:14,428 - __main__ - INFO - Average Fitness Value of Generation: 483764124453206462079069847552.000000 +2015-04-21 15:18:14,428 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:18:14,428 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:14,428 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:14,428 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:14,429 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,429 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,432 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,433 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,436 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,436 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,441 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,442 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,447 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,448 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,452 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,453 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,456 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,456 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,459 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,460 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,463 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,464 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,467 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,467 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,471 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,471 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,474 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,475 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,481 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,482 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,488 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,489 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,492 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:14,493 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:14,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:14,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:14,496 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:18:14,496 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:14,496 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:18:14,496 - __main__ - INFO - Average Fitness Value of Generation: 680846457779733517213328474112.000000 +2015-04-21 15:18:14,496 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:18:14,496 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:14,496 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:14,496 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:14,497 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,498 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,500 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,501 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,504 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,505 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,508 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,508 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,511 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,512 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,514 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,515 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,518 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,518 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,522 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,523 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,528 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,528 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,531 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,532 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,535 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,536 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,539 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,539 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,543 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,543 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,546 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,546 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,550 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:14,550 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:14,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:14,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:14,553 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:18:14,553 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:14,554 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,554 - __main__ - INFO - Average Fitness Value of Generation: 781766920815521980082204704768.000000 +2015-04-21 15:18:14,554 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:18:14,554 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:14,554 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:14,554 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:14,555 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,555 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,560 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,561 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,565 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,565 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,568 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,569 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,572 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,572 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,575 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,576 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,578 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,579 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,582 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,582 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,585 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,585 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,588 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,589 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,592 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,592 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,597 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,597 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,602 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,603 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,606 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,607 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,609 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,609 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:14,610 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:14,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:14,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:14,614 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:18:14,614 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:14,614 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,614 - __main__ - INFO - Average Fitness Value of Generation: 780721508059227059172728111104.000000 +2015-04-21 15:18:14,614 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:18:14,614 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:14,614 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:14,614 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:14,615 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,615 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,619 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,619 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,622 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,622 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,625 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,625 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,626 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,626 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,629 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,629 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,630 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,633 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,634 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,637 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,638 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,645 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,646 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,651 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,652 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,652 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,657 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,658 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,662 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,662 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,665 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,666 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,669 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,669 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,674 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,675 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,679 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:14,679 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:14,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:14,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:14,683 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:18:14,683 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:18:14,683 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,683 - __main__ - INFO - Average Fitness Value of Generation: 800223682187000660039378665472.000000 +2015-04-21 15:18:14,683 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:18:14,683 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:14,683 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:14,684 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:14,684 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,685 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,689 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,690 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,693 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,694 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,697 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,698 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,700 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,701 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,705 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,705 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,708 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,709 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,709 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,713 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,714 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,718 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,723 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,723 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,723 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,726 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,727 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,730 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,730 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,733 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,733 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,734 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,736 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,737 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,740 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,740 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:14,741 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:14,741 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:14,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:14,744 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:18:14,744 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:14,744 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,744 - __main__ - INFO - Average Fitness Value of Generation: 824461369038395361470206443520.000000 +2015-04-21 15:18:14,744 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:18:14,744 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:14,744 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:14,744 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:14,746 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,747 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,752 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,753 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,758 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,759 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,763 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,763 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,766 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,767 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,770 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,770 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,773 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,774 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,776 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,777 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,780 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,781 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,786 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,787 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,792 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,792 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,797 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,797 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,800 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,801 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,804 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,804 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,807 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:14,807 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:14,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:14,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:14,810 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:18:14,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:14,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,811 - __main__ - INFO - Average Fitness Value of Generation: 697149105927213420885707849728.000000 +2015-04-21 15:18:14,811 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:18:14,811 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:14,811 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:14,811 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:14,812 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,812 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,815 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,816 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,819 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,820 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,825 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,826 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,827 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,831 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,832 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,836 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,837 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,840 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,840 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,843 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,844 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,846 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,847 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,847 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,850 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,851 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,854 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,854 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,857 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,858 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,861 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,861 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,866 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,866 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,871 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:14,871 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:14,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:14,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:14,874 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:18:14,875 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:14,875 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:14,875 - __main__ - INFO - Average Fitness Value of Generation: 817712573607475165884009414656.000000 +2015-04-21 15:18:14,875 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:18:14,875 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:14,875 - __main__ - INFO - Finished run 7. +2015-04-21 15:18:14,875 - __main__ - INFO - Starting run 8... +2015-04-21 15:18:14,875 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:14,876 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:14,876 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:14,878 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:14,878 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:14,878 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:14,879 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,879 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,883 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,883 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,886 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,887 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,890 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,891 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,894 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,895 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,899 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,900 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,905 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,906 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,910 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,910 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,913 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,914 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,917 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,918 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,921 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,921 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,924 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,925 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,928 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,928 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,933 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,935 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,940 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:14,941 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:14,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:14,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:14,946 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:18:14,946 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:14,946 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:18:14,946 - __main__ - INFO - Average Fitness Value of Generation: 97574226943199534598355681280.000000 +2015-04-21 15:18:14,946 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:18:14,946 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:14,946 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:14,946 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:14,947 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,948 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,950 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,950 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,951 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,954 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,954 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,957 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,958 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,961 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,961 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,961 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,965 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,965 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,965 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,969 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,969 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,975 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,975 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,980 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,981 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,982 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,985 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,986 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,986 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,989 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,989 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,992 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,993 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,996 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,996 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:14,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:14,999 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:14,999 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:14,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,002 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,002 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,005 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:18:15,005 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:15,006 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:18:15,006 - __main__ - INFO - Average Fitness Value of Generation: 321340834762490283950407155712.000000 +2015-04-21 15:18:15,006 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:18:15,006 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:15,006 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:15,006 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:15,007 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,007 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,010 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,011 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,015 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,016 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,020 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,021 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,024 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,024 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,027 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,028 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,031 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,031 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,034 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,035 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,038 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,038 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,042 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,042 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,045 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,046 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,050 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,051 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,056 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,056 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,059 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,060 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,063 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,063 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,066 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:18:15,066 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:15,066 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:18:15,066 - __main__ - INFO - Average Fitness Value of Generation: 437566360423407084883102662656.000000 +2015-04-21 15:18:15,067 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:18:15,067 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:15,067 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:15,067 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:15,067 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,068 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,071 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,072 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,074 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,075 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,078 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,078 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,083 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,084 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,089 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,090 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,094 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,095 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,098 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,099 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,102 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,102 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,106 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,106 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,109 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,110 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,113 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,114 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,117 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,117 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,121 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,121 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,122 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,128 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,128 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,133 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:18:15,133 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:15,133 - __main__ - INFO - Fitness Value of Best Individual: 1093733872802526479972038606848.000000 +2015-04-21 15:18:15,133 - __main__ - INFO - Average Fitness Value of Generation: 538903460657489558861860831232.000000 +2015-04-21 15:18:15,133 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:18:15,133 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:15,133 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:15,133 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:15,134 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,135 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,138 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,138 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,141 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,142 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,145 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,145 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,148 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,149 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,151 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,152 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,155 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,156 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,160 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,161 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,166 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,167 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,171 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,172 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,176 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,176 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,179 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,179 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,180 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,180 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,183 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,184 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,187 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,188 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,190 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,191 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,194 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:18:15,194 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:15,194 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:18:15,194 - __main__ - INFO - Average Fitness Value of Generation: 581758897476839241619540541440.000000 +2015-04-21 15:18:15,194 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:18:15,194 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:15,194 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:15,195 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:15,196 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,197 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,202 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,204 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,208 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,209 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,212 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,212 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,213 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,216 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,217 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,220 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,220 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,223 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,224 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,227 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,227 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,227 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,230 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,231 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,234 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,234 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,240 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,241 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,241 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,246 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,246 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,250 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,251 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,255 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,255 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,258 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,259 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,261 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:18:15,262 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:18:15,262 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-21 15:18:15,262 - __main__ - INFO - Average Fitness Value of Generation: 747021308876230455404609404928.000000 +2015-04-21 15:18:15,262 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:18:15,262 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:15,262 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:15,262 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:15,263 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,264 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,266 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,267 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,270 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,271 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,275 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,276 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,281 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,282 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,287 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,288 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,290 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,291 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,294 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,294 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,298 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,298 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,301 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,301 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,305 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,305 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,309 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,309 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,314 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,314 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,320 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,321 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,326 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,326 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,327 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,330 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:18:15,330 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:15,330 - __main__ - INFO - Fitness Value of Best Individual: 1160540825025150110341154209792.000000 +2015-04-21 15:18:15,330 - __main__ - INFO - Average Fitness Value of Generation: 680513103323024284635650588672.000000 +2015-04-21 15:18:15,330 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:18:15,330 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:15,330 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:15,330 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:15,331 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,332 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,334 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,335 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,338 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,339 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,342 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,342 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,342 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,345 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,345 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,348 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,349 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,353 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,354 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,360 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,361 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,365 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,366 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,369 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,370 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,373 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,373 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,376 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,377 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,380 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,380 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,380 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,383 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,384 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,387 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,387 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,391 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:18:15,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:15,391 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,391 - __main__ - INFO - Average Fitness Value of Generation: 784542039112348042298952515584.000000 +2015-04-21 15:18:15,391 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:18:15,391 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:15,391 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:15,391 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:15,392 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,392 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,398 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,398 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,403 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,403 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,406 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,407 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,410 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,410 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,413 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,413 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,414 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,414 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,417 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,418 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,420 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,421 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,424 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,424 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,424 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,427 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,428 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,433 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,434 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,438 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,439 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,442 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,442 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,445 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,445 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,446 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,449 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:15,449 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:15,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:15,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:15,452 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:18:15,453 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:15,453 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,453 - __main__ - INFO - Average Fitness Value of Generation: 789698225501459151523439181824.000000 +2015-04-21 15:18:15,453 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:18:15,453 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:15,453 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:15,453 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:15,454 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,454 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,457 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,458 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,461 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,462 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,465 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,465 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,470 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,471 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,475 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,476 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,476 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,479 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,479 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,482 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,482 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,482 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,485 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,486 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,489 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,489 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,492 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,492 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,495 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,496 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,499 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,499 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,504 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,505 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,509 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:15,510 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:15,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:15,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:15,513 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:18:15,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:15,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,514 - __main__ - INFO - Average Fitness Value of Generation: 914108500931266095537195057152.000000 +2015-04-21 15:18:15,514 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:18:15,514 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:15,514 - __main__ - INFO - Finished run 8. +2015-04-21 15:18:15,514 - __main__ - INFO - Starting run 9... +2015-04-21 15:18:15,514 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:18:15,515 - __main__ - INFO - Initialization Complete. +2015-04-21 15:18:15,515 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:18:15,517 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:18:15,517 - __main__ - INFO - Generation 0 running... +2015-04-21 15:18:15,517 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:18:15,518 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,518 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,521 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,522 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,525 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,525 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,528 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,528 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,532 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,532 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,535 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,536 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,539 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,539 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,544 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,545 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,549 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,549 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,552 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,553 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,556 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,557 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,559 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,560 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,563 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,563 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,566 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,567 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,570 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:18:15,570 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:18:15,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:18:15,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:18:15,574 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:18:15,574 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:15,574 - __main__ - INFO - Fitness Value of Best Individual: 960712373502810138973308977152.000000 +2015-04-21 15:18:15,574 - __main__ - INFO - Average Fitness Value of Generation: 123139119668816745767903428608.000000 +2015-04-21 15:18:15,574 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:18:15,574 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:18:15,574 - __main__ - INFO - Generation 1 running... +2015-04-21 15:18:15,574 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:18:15,576 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,577 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,581 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,581 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,585 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,585 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,589 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,589 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,592 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,593 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,596 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,596 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,599 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,599 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,600 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,603 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,603 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,606 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,607 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,611 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,611 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,616 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,617 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,621 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,621 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,624 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,625 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,628 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,629 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,632 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:18:15,633 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:18:15,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:18:15,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:18:15,636 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:18:15,636 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:15,636 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:18:15,636 - __main__ - INFO - Average Fitness Value of Generation: 320077283540476206948705894400.000000 +2015-04-21 15:18:15,636 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:18:15,637 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:18:15,637 - __main__ - INFO - Generation 2 running... +2015-04-21 15:18:15,637 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:18:15,637 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,638 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,641 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,642 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,645 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,646 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,649 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,650 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,659 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,660 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,667 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,668 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,675 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,677 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,684 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,684 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,691 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,693 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,702 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,703 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,711 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,712 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,716 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,717 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,717 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,722 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,722 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,725 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,726 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,729 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:18:15,730 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:18:15,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:18:15,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:18:15,735 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:18:15,735 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:18:15,735 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:15,735 - __main__ - INFO - Average Fitness Value of Generation: 587337503885572349321810018304.000000 +2015-04-21 15:18:15,735 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:18:15,735 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:18:15,735 - __main__ - INFO - Generation 3 running... +2015-04-21 15:18:15,735 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:18:15,736 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,736 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,741 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,742 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,744 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,745 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,745 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,748 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,749 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,752 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,752 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,752 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,756 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,757 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,760 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,760 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,764 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,764 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,767 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,768 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,772 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,773 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,776 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,777 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,778 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,781 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,781 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,784 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,784 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,787 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,788 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,791 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:18:15,791 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:18:15,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:18:15,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:18:15,794 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:18:15,794 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:15,795 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:18:15,795 - __main__ - INFO - Average Fitness Value of Generation: 585069031830638336141869187072.000000 +2015-04-21 15:18:15,795 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:18:15,795 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:18:15,795 - __main__ - INFO - Generation 4 running... +2015-04-21 15:18:15,795 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:18:15,796 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,796 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,800 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,800 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,804 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,804 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,808 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,808 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,813 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,814 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,817 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,817 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,820 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,820 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,821 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,824 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,824 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,827 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,827 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,830 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,831 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,834 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,834 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,837 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,837 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,842 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,842 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,843 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,847 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,848 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,851 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:18:15,851 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:18:15,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:18:15,854 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:18:15,854 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:18:15,855 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:15,855 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,855 - __main__ - INFO - Average Fitness Value of Generation: 686645204246325666287829647360.000000 +2015-04-21 15:18:15,855 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:18:15,855 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:18:15,855 - __main__ - INFO - Generation 5 running... +2015-04-21 15:18:15,855 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:18:15,856 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,856 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,859 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,859 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,862 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,862 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,865 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,866 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,869 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,869 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,872 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,873 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,879 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,879 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,884 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,884 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,887 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,888 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,888 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,891 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,892 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,894 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,895 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,898 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,898 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,901 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,902 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,905 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,905 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,908 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:18:15,909 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:18:15,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:18:15,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:18:15,914 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:18:15,914 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:18:15,915 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,915 - __main__ - INFO - Average Fitness Value of Generation: 857095465257641649869756039168.000000 +2015-04-21 15:18:15,915 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:18:15,915 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:18:15,915 - __main__ - INFO - Generation 6 running... +2015-04-21 15:18:15,915 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:18:15,916 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,917 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,920 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,921 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,924 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,924 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,927 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,928 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,928 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,931 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,931 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,934 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,934 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,937 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,937 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,940 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,940 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,944 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,944 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,949 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,949 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,955 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,955 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,958 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,959 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,962 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,963 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,966 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,966 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,969 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:18:15,969 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:18:15,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:18:15,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:18:15,972 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:18:15,972 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:18:15,973 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:15,973 - __main__ - INFO - Average Fitness Value of Generation: 913772197378093638419996475392.000000 +2015-04-21 15:18:15,973 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:18:15,973 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:18:15,973 - __main__ - INFO - Generation 7 running... +2015-04-21 15:18:15,973 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:18:15,974 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,974 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,977 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,978 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,981 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,982 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,987 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,987 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,991 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,991 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,992 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,992 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,995 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:15,996 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:15,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:15,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:15,999 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,000 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,003 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,003 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,006 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,006 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,009 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,009 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,012 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,013 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,013 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,017 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,018 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,023 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,024 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,027 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,028 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,031 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:18:16,031 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:18:16,031 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:18:16,034 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:18:16,034 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:18:16,034 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:18:16,034 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:16,034 - __main__ - INFO - Average Fitness Value of Generation: 900217400088875283297387675648.000000 +2015-04-21 15:18:16,034 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:18:16,034 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:18:16,034 - __main__ - INFO - Generation 8 running... +2015-04-21 15:18:16,034 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:18:16,035 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,036 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,039 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,039 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,042 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,042 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,042 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,045 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,046 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,049 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,050 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,053 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,054 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,058 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,059 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,063 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,064 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,066 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,067 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,070 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,070 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,073 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,074 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,077 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,077 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,080 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,081 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,084 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,085 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,088 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:18:16,088 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:18:16,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:18:16,093 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:18:16,093 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:18:16,093 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:18:16,094 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:16,094 - __main__ - INFO - Average Fitness Value of Generation: 898509049883644794674530484224.000000 +2015-04-21 15:18:16,094 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:18:16,094 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:18:16,094 - __main__ - INFO - Generation 9 running... +2015-04-21 15:18:16,094 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:18:16,095 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,096 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,099 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,100 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,103 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,103 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,106 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,107 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,110 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,110 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,113 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,114 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,117 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,117 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,117 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,120 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,120 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,124 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,125 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,130 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,130 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,134 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,135 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,138 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,138 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,141 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,142 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,142 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,145 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,145 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,148 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:18:16,149 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:18:16,149 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:18:16,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:18:16,152 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:18:16,152 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:18:16,152 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:18:16,153 - __main__ - INFO - Average Fitness Value of Generation: 1042071907513814280864714981376.000000 +2015-04-21 15:18:16,153 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:18:16,153 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:18:16,153 - __main__ - INFO - Finished run 9. +2015-04-21 15:18:16,153 - __main__ - INFO - Finished Base Genetic Algorithm. +2015-04-21 15:20:45,480 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 1######################### +2015-04-21 15:20:45,480 - __main__ - INFO - Program Arguments: +2015-04-21 15:20:45,480 - __main__ - INFO - plot=True +2015-04-21 15:20:45,480 - __main__ - INFO - autoscale=True +2015-04-21 15:20:45,481 - __main__ - INFO - G=10 +2015-04-21 15:20:45,481 - __main__ - INFO - l=20 +2015-04-21 15:20:45,481 - __main__ - INFO - experiment_number=1 +2015-04-21 15:20:45,481 - __main__ - INFO - N=30 +2015-04-21 15:20:45,481 - __main__ - INFO - pc=0.6 +2015-04-21 15:20:45,481 - __main__ - INFO - ce=False +2015-04-21 15:20:45,481 - __main__ - INFO - ff= +2015-04-21 15:20:45,481 - __main__ - INFO - learn=False +2015-04-21 15:20:45,481 - __main__ - INFO - NG=20 +2015-04-21 15:20:45,481 - __main__ - INFO - nruns=10 +2015-04-21 15:20:45,482 - __main__ - INFO - pm=0.033 +2015-04-21 15:20:45,482 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-21 15:20:45,482 - __main__ - INFO - Starting run 0... +2015-04-21 15:20:45,482 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:45,483 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:45,483 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:45,485 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:45,485 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:45,485 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:45,486 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,486 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,490 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,490 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,494 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,494 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,495 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,495 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,498 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,498 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,498 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,501 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,501 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,504 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,504 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,507 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,508 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,513 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,514 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,517 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,518 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,522 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,523 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,526 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,526 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,529 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,529 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,530 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,533 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,533 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,536 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,536 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,539 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:45,539 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:45,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:45,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:45,542 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-21 15:20:45,542 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:45,542 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 15:20:45,542 - __main__ - INFO - Average Fitness Value of Generation: 147200000736322340386875899904.000000 +2015-04-21 15:20:45,542 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-21 15:20:45,542 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:45,542 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:45,542 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:45,543 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,543 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,548 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,548 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,555 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,555 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,560 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,560 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,564 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,564 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,567 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,567 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,570 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,570 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,573 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,573 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,576 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,577 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,579 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,579 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,580 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,580 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,583 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,583 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,587 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,588 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,594 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,594 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,599 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,599 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,602 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:45,603 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:45,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:45,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:45,605 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-21 15:20:45,606 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:20:45,606 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 15:20:45,606 - __main__ - INFO - Average Fitness Value of Generation: 309664507992378952291029352448.000000 +2015-04-21 15:20:45,606 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-21 15:20:45,606 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:45,606 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:45,606 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:45,607 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,607 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,610 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,611 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,614 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,615 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,617 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,618 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,621 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,622 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,626 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,627 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,634 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,634 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,635 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,635 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,640 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,640 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,646 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,647 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,648 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,652 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,653 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,657 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,658 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,673 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,674 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,684 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,685 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,685 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,695 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,696 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,704 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:45,705 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:45,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:45,708 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:45,708 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-21 15:20:45,708 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:45,708 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:45,708 - __main__ - INFO - Average Fitness Value of Generation: 649094541510705219369783263232.000000 +2015-04-21 15:20:45,708 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-21 15:20:45,708 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:45,708 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:45,708 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:45,709 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,710 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,715 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,716 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,716 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,721 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,722 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,725 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,726 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,729 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,729 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,734 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,735 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,737 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,738 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,738 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,741 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,741 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,745 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,745 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,749 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,750 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,755 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,756 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,756 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,761 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,761 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,761 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,766 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,766 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,770 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,770 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,774 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:45,774 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:45,774 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:45,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:45,777 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-21 15:20:45,777 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:45,778 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:45,778 - __main__ - INFO - Average Fitness Value of Generation: 597204434152405905040597843968.000000 +2015-04-21 15:20:45,778 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-21 15:20:45,778 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:45,778 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:45,778 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:45,779 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,779 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,782 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,783 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,786 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,786 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,789 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,791 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,796 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,797 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,797 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,801 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,802 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,806 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,807 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,809 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,810 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,810 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,813 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,813 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,816 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,817 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,819 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,820 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,823 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,823 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,826 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,827 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,830 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,830 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,835 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:45,836 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:45,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:45,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:45,841 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-21 15:20:45,841 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:45,841 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:45,841 - __main__ - INFO - Average Fitness Value of Generation: 788860863900680950207219761152.000000 +2015-04-21 15:20:45,841 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-21 15:20:45,841 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:45,841 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:45,841 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:45,842 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,843 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,845 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,846 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,846 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,849 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,850 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,850 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,853 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,853 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,856 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,857 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,859 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,860 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,863 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,863 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,864 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,869 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,870 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,874 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,875 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,875 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,879 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,880 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,883 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,884 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,886 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,887 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,889 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,890 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,893 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,893 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,896 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:45,897 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:45,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:45,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:45,900 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-21 15:20:45,900 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:45,900 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:45,900 - __main__ - INFO - Average Fitness Value of Generation: 865957220790554498485805121536.000000 +2015-04-21 15:20:45,900 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-21 15:20:45,900 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:45,900 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:45,900 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:45,901 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,902 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,907 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,908 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,913 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,914 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,918 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,919 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,922 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,923 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,925 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,926 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,929 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,929 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,932 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,933 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,936 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,936 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,939 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,940 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,940 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,945 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,947 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,947 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,952 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,953 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,956 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,957 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,959 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,960 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,962 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:45,963 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:45,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:45,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:45,966 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-21 15:20:45,966 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:45,966 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:45,966 - __main__ - INFO - Average Fitness Value of Generation: 832313254961245702133534162944.000000 +2015-04-21 15:20:45,966 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-21 15:20:45,966 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:45,966 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:45,966 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:45,967 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,968 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,971 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,971 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,974 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,975 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,978 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,978 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,983 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,983 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,984 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,989 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,990 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,995 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,996 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:45,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:45,999 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:45,999 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:45,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,002 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,002 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,005 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,006 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,008 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,009 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,012 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,012 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,015 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,016 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,019 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,021 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,026 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,027 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,032 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-21 15:20:46,032 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:46,032 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,032 - __main__ - INFO - Average Fitness Value of Generation: 776195685481436827572651425792.000000 +2015-04-21 15:20:46,033 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-21 15:20:46,033 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:46,033 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:46,033 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:46,034 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,034 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,037 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,038 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,041 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,041 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,045 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,045 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,046 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,046 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,049 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,049 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,053 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,053 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,056 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,057 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,062 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,064 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,068 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,069 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,073 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,073 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,074 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,074 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,077 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,077 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,081 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,081 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,084 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,085 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,087 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,088 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,091 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,091 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,091 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,094 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-21 15:20:46,094 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:46,094 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,094 - __main__ - INFO - Average Fitness Value of Generation: 844134279561913017384946368512.000000 +2015-04-21 15:20:46,095 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-21 15:20:46,095 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:46,095 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:46,095 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:46,096 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,097 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,103 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,104 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,105 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,109 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,110 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,113 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,113 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,116 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,117 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,119 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,120 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,124 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,124 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,127 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,128 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,131 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,131 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,135 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,136 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,141 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,143 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,147 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,147 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,151 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,151 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,154 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,154 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,154 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,157 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,158 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,161 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-21 15:20:46,161 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:46,161 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,161 - __main__ - INFO - Average Fitness Value of Generation: 801452663299165646467972988928.000000 +2015-04-21 15:20:46,161 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-21 15:20:46,161 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:46,161 - __main__ - INFO - Finished run 0. +2015-04-21 15:20:46,161 - __main__ - INFO - Starting run 1... +2015-04-21 15:20:46,161 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:46,163 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:46,163 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:46,165 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:46,165 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:46,165 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:46,165 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,166 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,169 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,169 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,172 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,172 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,177 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,177 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,178 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,183 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,183 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,183 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,188 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,189 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,192 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,193 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,196 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,197 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,200 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,201 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,204 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,204 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,207 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,208 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,210 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,211 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,216 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,217 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,222 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,222 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,223 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,223 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,227 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,227 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,228 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,231 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-21 15:20:46,231 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:46,232 - __main__ - INFO - Fitness Value of Best Individual: 980179043351949446026216079360.000000 +2015-04-21 15:20:46,232 - __main__ - INFO - Average Fitness Value of Generation: 92190283597065116431538978816.000000 +2015-04-21 15:20:46,232 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-21 15:20:46,232 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:46,232 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:46,232 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:46,233 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,234 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,234 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,236 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,237 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,237 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,240 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,240 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,240 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,243 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,243 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,246 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,247 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,251 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,251 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,257 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,258 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,263 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,263 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,267 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,268 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,271 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,271 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,274 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,274 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,275 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,278 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,278 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,281 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,281 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,282 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,285 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,285 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,288 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,290 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,296 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,296 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-21 15:20:46,296 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:46,296 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,296 - __main__ - INFO - Average Fitness Value of Generation: 390632953245823447382743842816.000000 +2015-04-21 15:20:46,296 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-21 15:20:46,296 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:46,297 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:46,297 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:46,298 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,298 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,303 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,304 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,307 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,307 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,310 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,311 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,314 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,314 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,314 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,317 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,318 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,320 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,320 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,321 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,321 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,324 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,324 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,328 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,328 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,334 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,335 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,339 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,341 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,345 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,345 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,348 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,349 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,352 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,352 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,355 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,356 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,359 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-21 15:20:46,359 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:46,359 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,359 - __main__ - INFO - Average Fitness Value of Generation: 642307926583690459683949117440.000000 +2015-04-21 15:20:46,359 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-21 15:20:46,359 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:46,359 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:46,359 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:46,360 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,360 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,363 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,364 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,368 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,368 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,374 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,374 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,375 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,375 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,379 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,380 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,383 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,384 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,386 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,387 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,390 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,390 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,393 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,394 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,397 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,397 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,400 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,401 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,404 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,405 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,410 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,411 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,415 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,416 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,420 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,421 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,423 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,423 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-21 15:20:46,423 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:46,424 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,424 - __main__ - INFO - Average Fitness Value of Generation: 741463154100697854227542704128.000000 +2015-04-21 15:20:46,424 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-21 15:20:46,424 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:46,424 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:46,424 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:46,425 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,425 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,428 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,429 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,432 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,432 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,435 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,435 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,435 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,438 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,438 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,438 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,442 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,443 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,448 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,449 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,454 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,454 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,458 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,458 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,458 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,462 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,462 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,462 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,465 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,465 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,466 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,466 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,469 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,470 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,472 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,473 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,473 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,476 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,477 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,480 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:46,480 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:46,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:46,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:46,485 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-21 15:20:46,485 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:46,486 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,486 - __main__ - INFO - Average Fitness Value of Generation: 923737816064908487612468035584.000000 +2015-04-21 15:20:46,486 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-21 15:20:46,486 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:46,486 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:46,486 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:46,487 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,488 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,493 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,494 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,497 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,498 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,501 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,502 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,502 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,504 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,505 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,505 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,508 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,508 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,508 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,511 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,512 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,514 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,515 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,517 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,518 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,521 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,522 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,525 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,526 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,526 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,531 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,531 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,535 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,535 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,535 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,539 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,539 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,542 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:46,543 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:46,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:46,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:46,546 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-21 15:20:46,546 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:46,546 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,546 - __main__ - INFO - Average Fitness Value of Generation: 813988254641689041194601938944.000000 +2015-04-21 15:20:46,546 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-21 15:20:46,546 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:46,546 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:46,546 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:46,547 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,548 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,551 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,552 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,554 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,555 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,555 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,558 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,558 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,558 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,562 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,563 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,567 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,568 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,571 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,572 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,575 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,575 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,578 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,579 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,579 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,582 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,582 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,582 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,583 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,585 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,586 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,586 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,589 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,589 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,589 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,592 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,594 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,598 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,600 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,600 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,604 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:46,605 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:46,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:46,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:46,608 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-21 15:20:46,609 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:46,609 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,609 - __main__ - INFO - Average Fitness Value of Generation: 725060484849456789813100281856.000000 +2015-04-21 15:20:46,609 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-21 15:20:46,609 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:46,609 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:46,609 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:46,610 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,610 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,613 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,614 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,617 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,617 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,620 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,621 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,624 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,624 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,627 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,628 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,631 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,632 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,636 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,636 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,641 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,641 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,642 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,642 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,652 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,652 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,653 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,659 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,660 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,665 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,666 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,669 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,670 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,673 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,674 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,678 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:46,679 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:46,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:46,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:46,684 - __main__ - INFO - Computing statistics for Run 1, Generation 7... +2015-04-21 15:20:46,684 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:46,684 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,684 - __main__ - INFO - Average Fitness Value of Generation: 884070494100992043934780751872.000000 +2015-04-21 15:20:46,684 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 7. +2015-04-21 15:20:46,684 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:46,685 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:46,685 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:46,685 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,686 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,689 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,690 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,693 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,694 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,697 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,698 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,703 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,703 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,706 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,707 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,711 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,711 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,712 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,712 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,717 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,718 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,722 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,723 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,726 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,726 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,729 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,729 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,733 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,733 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,733 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,736 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,737 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,739 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,740 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,743 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:46,744 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:46,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:46,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:46,747 - __main__ - INFO - Computing statistics for Run 1, Generation 8... +2015-04-21 15:20:46,747 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:46,748 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,748 - __main__ - INFO - Average Fitness Value of Generation: 805645463088902223115260526592.000000 +2015-04-21 15:20:46,748 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 8. +2015-04-21 15:20:46,748 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:46,748 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:46,748 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:46,749 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,750 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,756 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,756 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,761 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,762 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,762 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,766 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,766 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,769 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,769 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,769 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,772 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,772 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,775 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,776 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,779 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,779 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,782 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,783 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,785 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,786 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,791 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,791 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,791 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,796 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,796 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,796 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,800 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,800 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,801 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,801 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,804 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,804 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,807 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:46,808 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:46,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:46,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:46,810 - __main__ - INFO - Computing statistics for Run 1, Generation 9... +2015-04-21 15:20:46,811 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:46,811 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,811 - __main__ - INFO - Average Fitness Value of Generation: 850680357921562454405935005696.000000 +2015-04-21 15:20:46,811 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 9. +2015-04-21 15:20:46,811 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:46,811 - __main__ - INFO - Finished run 1. +2015-04-21 15:20:46,811 - __main__ - INFO - Starting run 2... +2015-04-21 15:20:46,811 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:46,813 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:46,813 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:46,815 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:46,815 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:46,815 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:46,815 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,816 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,819 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,819 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,822 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,822 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,826 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,826 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,831 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,831 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,832 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,836 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,837 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,840 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,840 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,843 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,843 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,846 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,846 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,846 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,849 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,849 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,852 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,852 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,855 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,855 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,858 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,859 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,862 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,862 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,866 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:46,867 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:46,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:46,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:46,871 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-21 15:20:46,871 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:46,871 - __main__ - INFO - Fitness Value of Best Individual: 372633569576379251141275287552.000000 +2015-04-21 15:20:46,871 - __main__ - INFO - Average Fitness Value of Generation: 38842305959206274582125215744.000000 +2015-04-21 15:20:46,871 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-21 15:20:46,872 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:46,872 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:46,872 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:46,873 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,873 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,876 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,877 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,879 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,880 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,882 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,883 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,886 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,886 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,889 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,889 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,890 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,893 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,893 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,893 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,896 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,897 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,901 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,901 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,906 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,906 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,911 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,911 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,914 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,914 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,917 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,918 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,920 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,921 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,924 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:46,924 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:46,924 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:46,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:46,927 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-21 15:20:46,927 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:20:46,927 - __main__ - INFO - Fitness Value of Best Individual: 941594350210212281447107002368.000000 +2015-04-21 15:20:46,927 - __main__ - INFO - Average Fitness Value of Generation: 141254020186092597233447862272.000000 +2015-04-21 15:20:46,927 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-21 15:20:46,928 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:46,928 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:46,928 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:46,928 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,929 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,932 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,932 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,932 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,937 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,938 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,943 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,943 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,944 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,948 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,949 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,952 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,952 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,955 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,956 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,959 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,959 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,962 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,963 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,966 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,966 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,969 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,970 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,973 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,974 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,979 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,980 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,980 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,984 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,985 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,989 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:46,989 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:46,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:46,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:46,992 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-21 15:20:46,992 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:46,992 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:46,992 - __main__ - INFO - Average Fitness Value of Generation: 342295382124150585291123458048.000000 +2015-04-21 15:20:46,993 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-21 15:20:46,993 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:46,993 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:46,993 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:46,993 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,994 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:46,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:46,997 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:46,998 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:46,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,000 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,001 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,004 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,004 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,007 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,008 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,010 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,011 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,016 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,017 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,021 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,022 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,026 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,027 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,030 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,030 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,033 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,034 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,037 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,038 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,040 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,041 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,043 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,044 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,047 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,048 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,052 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-21 15:20:47,052 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:47,052 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,052 - __main__ - INFO - Average Fitness Value of Generation: 457617680486514672483826663424.000000 +2015-04-21 15:20:47,052 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-21 15:20:47,052 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:47,052 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:47,052 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:47,054 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,055 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,060 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,061 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,065 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,066 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,068 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,069 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,071 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,072 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,074 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,075 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,077 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,078 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,080 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,081 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,083 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,084 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,086 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,087 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,087 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,087 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,092 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,092 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,098 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,098 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,102 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,103 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,103 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,106 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,107 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,109 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,110 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,113 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-21 15:20:47,114 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:47,114 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,114 - __main__ - INFO - Average Fitness Value of Generation: 661804561242251713388367314944.000000 +2015-04-21 15:20:47,114 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-21 15:20:47,114 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:47,114 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:47,114 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:47,115 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,115 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,119 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,119 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,122 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,122 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,122 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,125 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,125 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,126 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,126 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,129 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,129 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,134 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,135 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,139 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,139 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,142 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,143 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,145 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,145 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,146 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,149 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,149 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,150 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,150 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,153 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,153 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,156 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,157 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,157 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,159 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,160 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,164 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,165 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,170 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,171 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,175 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,175 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-21 15:20:47,176 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:47,176 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,176 - __main__ - INFO - Average Fitness Value of Generation: 742852916174655927402786455552.000000 +2015-04-21 15:20:47,176 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-21 15:20:47,176 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:47,176 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:47,176 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:47,177 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,178 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,181 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,181 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,184 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,185 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,188 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,188 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,191 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,192 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,195 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,195 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,198 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,198 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,203 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,204 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,209 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,209 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,209 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,214 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,215 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,215 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,218 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,218 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,221 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,221 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,224 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,225 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,228 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,228 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,231 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,231 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,234 - __main__ - INFO - Computing statistics for Run 2, Generation 6... +2015-04-21 15:20:47,234 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:47,234 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,234 - __main__ - INFO - Average Fitness Value of Generation: 808105386703496511526805700608.000000 +2015-04-21 15:20:47,234 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 6. +2015-04-21 15:20:47,234 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:47,235 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:47,235 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:47,235 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,236 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,239 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,239 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,242 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,243 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,247 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,248 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,252 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,252 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,255 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,256 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,259 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,259 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,262 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,262 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,265 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,265 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,268 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,268 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,269 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,272 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,272 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,276 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,276 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,280 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,281 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,285 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,286 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,290 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,291 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,293 - __main__ - INFO - Computing statistics for Run 2, Generation 7... +2015-04-21 15:20:47,293 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:47,293 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,293 - __main__ - INFO - Average Fitness Value of Generation: 757647541448961353351736328192.000000 +2015-04-21 15:20:47,294 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 7. +2015-04-21 15:20:47,294 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:47,294 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:47,294 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:47,294 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,295 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,298 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,298 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,301 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,302 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,304 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,304 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,305 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,305 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,308 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,308 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,311 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,311 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,314 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,315 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,319 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,320 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,324 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,325 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,328 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,328 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,331 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,331 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,334 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,335 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,338 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,338 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,339 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,341 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,341 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,345 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,345 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,348 - __main__ - INFO - Computing statistics for Run 2, Generation 8... +2015-04-21 15:20:47,348 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:47,348 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,348 - __main__ - INFO - Average Fitness Value of Generation: 685427513055099803287181852672.000000 +2015-04-21 15:20:47,348 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 8. +2015-04-21 15:20:47,348 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:47,348 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:47,348 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:47,349 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,349 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,354 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,355 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,359 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,360 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,363 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,363 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,366 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,366 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,366 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,367 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,369 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,370 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,370 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,373 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,373 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,373 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,376 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,377 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,379 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,380 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,383 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,383 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,386 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,387 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,391 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,392 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,396 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,397 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,400 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,400 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,403 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,403 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,403 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,406 - __main__ - INFO - Computing statistics for Run 2, Generation 9... +2015-04-21 15:20:47,406 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:47,406 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,406 - __main__ - INFO - Average Fitness Value of Generation: 929819366090265389889910472704.000000 +2015-04-21 15:20:47,406 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 9. +2015-04-21 15:20:47,406 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:47,407 - __main__ - INFO - Finished run 2. +2015-04-21 15:20:47,407 - __main__ - INFO - Starting run 3... +2015-04-21 15:20:47,407 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:47,408 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:47,408 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:47,410 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:47,410 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:47,410 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:47,411 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,411 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,414 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,415 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,418 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,419 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,422 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,422 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,427 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,428 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,432 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,433 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,436 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,436 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,439 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,439 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,442 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,443 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,446 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,446 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,446 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,449 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,449 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,449 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,452 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,452 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,455 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,456 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,459 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,460 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,464 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:47,465 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:47,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:47,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:47,469 - __main__ - INFO - Computing statistics for Run 3, Generation 0... +2015-04-21 15:20:47,470 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:47,470 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-21 15:20:47,470 - __main__ - INFO - Average Fitness Value of Generation: 271458639068447287674752991232.000000 +2015-04-21 15:20:47,470 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 0. +2015-04-21 15:20:47,470 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:47,470 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:47,470 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:47,471 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,471 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,474 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,474 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,477 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,478 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,481 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,482 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,485 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,486 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,488 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,489 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,492 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,492 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,496 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,497 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,502 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,503 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,506 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,507 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,509 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,510 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,513 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,513 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,516 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,517 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,519 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,520 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,522 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:47,523 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:47,523 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:47,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:47,525 - __main__ - INFO - Computing statistics for Run 3, Generation 1... +2015-04-21 15:20:47,526 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:47,526 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:20:47,526 - __main__ - INFO - Average Fitness Value of Generation: 506601132713768630484614512640.000000 +2015-04-21 15:20:47,526 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 1. +2015-04-21 15:20:47,526 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:47,526 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:47,526 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:47,527 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,527 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,530 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,530 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,534 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,535 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,539 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,539 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,543 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,543 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,546 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,546 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,549 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,550 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,553 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,553 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,556 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,556 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,559 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,560 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,563 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,563 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,566 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,567 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,571 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,572 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,572 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,576 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,576 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,577 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,577 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,580 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:47,581 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:47,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:47,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:47,584 - __main__ - INFO - Computing statistics for Run 3, Generation 2... +2015-04-21 15:20:47,584 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:47,584 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:47,584 - __main__ - INFO - Average Fitness Value of Generation: 691159945217095770001517838336.000000 +2015-04-21 15:20:47,584 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 2. +2015-04-21 15:20:47,584 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:47,584 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:47,584 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:47,585 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,585 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,588 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,589 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,592 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,592 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,595 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,595 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,596 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,598 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,599 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,602 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,603 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,607 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,607 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,608 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,612 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,613 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,613 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,617 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,618 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,620 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,621 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,624 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,625 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,628 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,629 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,635 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,635 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,636 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,639 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,640 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,645 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,645 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:47,646 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:47,646 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:47,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:47,653 - __main__ - INFO - Computing statistics for Run 3, Generation 3... +2015-04-21 15:20:47,654 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:47,654 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:47,654 - __main__ - INFO - Average Fitness Value of Generation: 877642180955497230053851267072.000000 +2015-04-21 15:20:47,654 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 3. +2015-04-21 15:20:47,654 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:47,654 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:47,654 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:47,655 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,656 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,661 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,661 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,666 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,666 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,669 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,669 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,672 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,672 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,675 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,676 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,679 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,680 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,683 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,684 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,688 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,688 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,692 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,693 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,696 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,696 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,697 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,700 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,701 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,704 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,704 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,707 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,708 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,710 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:47,710 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:47,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:47,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:47,714 - __main__ - INFO - Computing statistics for Run 3, Generation 4... +2015-04-21 15:20:47,714 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:47,714 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,714 - __main__ - INFO - Average Fitness Value of Generation: 825147487170682480668067233792.000000 +2015-04-21 15:20:47,714 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 4. +2015-04-21 15:20:47,714 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:47,714 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:47,714 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:47,715 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,715 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,719 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,719 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,725 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,725 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,729 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,730 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,730 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,730 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,734 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,735 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,738 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,739 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,741 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,742 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,745 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,745 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,748 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,748 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,751 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,751 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,754 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,755 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,759 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,759 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,760 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,765 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,765 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,766 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,766 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,770 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,771 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,774 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,774 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:47,774 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:47,775 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:47,777 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:47,777 - __main__ - INFO - Computing statistics for Run 3, Generation 5... +2015-04-21 15:20:47,778 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:47,778 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,778 - __main__ - INFO - Average Fitness Value of Generation: 875625373260949027972089643008.000000 +2015-04-21 15:20:47,778 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 5. +2015-04-21 15:20:47,778 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:47,778 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:47,778 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:47,779 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,779 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,782 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,782 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,782 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,785 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,785 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,786 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,786 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,788 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,788 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,789 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,789 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,792 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,792 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,793 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,793 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,796 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,797 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,803 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,803 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,804 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,804 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,809 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,809 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,810 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,813 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,813 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,816 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,817 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,819 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,820 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,823 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,823 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,826 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,826 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,829 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,829 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,832 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:47,832 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:47,832 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:47,835 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:47,836 - __main__ - INFO - Computing statistics for Run 3, Generation 6... +2015-04-21 15:20:47,836 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:47,836 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,836 - __main__ - INFO - Average Fitness Value of Generation: 945893291350718593203362070528.000000 +2015-04-21 15:20:47,836 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 6. +2015-04-21 15:20:47,836 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:47,836 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:47,837 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:47,838 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,839 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,844 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,845 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,849 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,849 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,849 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,852 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,852 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,853 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,856 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,856 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,859 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,859 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,860 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,860 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,863 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,863 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,863 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,866 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,866 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,867 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,870 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,870 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,870 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,873 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,873 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,874 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,879 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,880 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,885 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,886 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,890 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,890 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,893 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,894 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,897 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:47,897 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:47,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:47,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:47,900 - __main__ - INFO - Computing statistics for Run 3, Generation 7... +2015-04-21 15:20:47,900 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:47,900 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,900 - __main__ - INFO - Average Fitness Value of Generation: 798571411925243344250443137024.000000 +2015-04-21 15:20:47,900 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 7. +2015-04-21 15:20:47,901 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:47,901 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:47,901 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:47,901 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,902 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,902 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,905 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,905 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,905 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,908 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,908 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,909 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,911 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,911 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,912 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,916 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,917 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,922 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,923 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,927 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,927 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,927 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,930 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,930 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,931 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,934 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,934 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,937 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,938 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,941 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,941 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,941 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,944 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,944 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,944 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,948 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,951 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,952 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,957 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,957 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:47,958 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:47,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:47,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:47,963 - __main__ - INFO - Computing statistics for Run 3, Generation 8... +2015-04-21 15:20:47,963 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:47,963 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:47,963 - __main__ - INFO - Average Fitness Value of Generation: 919782029317769055164069576704.000000 +2015-04-21 15:20:47,963 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 8. +2015-04-21 15:20:47,964 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:47,964 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:47,964 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:47,965 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,965 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,969 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,969 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,972 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,972 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,975 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,976 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,979 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,979 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,982 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,983 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,986 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,986 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,989 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,990 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:47,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:47,995 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:47,996 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:47,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,000 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,001 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,005 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,006 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,008 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,008 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,009 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,012 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,012 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,015 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,015 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,016 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,016 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,019 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,019 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,022 - __main__ - INFO - Computing statistics for Run 3, Generation 9... +2015-04-21 15:20:48,022 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:48,022 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,022 - __main__ - INFO - Average Fitness Value of Generation: 764412733124445976454680805376.000000 +2015-04-21 15:20:48,022 - __main__ - INFO - Computation of statistics finished for Run 3, Generation 9. +2015-04-21 15:20:48,022 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:48,023 - __main__ - INFO - Finished run 3. +2015-04-21 15:20:48,023 - __main__ - INFO - Starting run 4... +2015-04-21 15:20:48,023 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:48,024 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:48,024 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:48,026 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:48,026 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:48,026 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:48,027 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,028 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,032 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,033 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,034 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,040 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,041 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,046 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,047 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,050 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,050 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,053 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,054 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,057 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,058 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,061 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,061 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,064 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,064 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,064 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,067 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,067 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,068 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,071 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,072 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,078 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,079 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,083 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,084 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,088 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,088 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,091 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,092 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,094 - __main__ - INFO - Computing statistics for Run 4, Generation 0... +2015-04-21 15:20:48,095 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:48,095 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:48,095 - __main__ - INFO - Average Fitness Value of Generation: 96891459296579355328072646656.000000 +2015-04-21 15:20:48,095 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 0. +2015-04-21 15:20:48,095 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:48,095 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:48,095 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:48,096 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,096 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,097 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,099 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,100 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,103 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,103 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,106 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,106 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,110 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,110 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,115 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,115 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,119 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,120 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,124 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,124 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,124 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,127 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,127 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,130 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,130 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,133 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,133 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,136 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,136 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,139 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,140 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,140 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,143 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,143 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,146 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,146 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,146 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,151 - __main__ - INFO - Computing statistics for Run 4, Generation 1... +2015-04-21 15:20:48,151 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:48,151 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,151 - __main__ - INFO - Average Fitness Value of Generation: 635155745842567652919499292672.000000 +2015-04-21 15:20:48,151 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 1. +2015-04-21 15:20:48,151 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:48,151 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:48,152 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:48,152 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,153 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,157 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,158 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,161 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,161 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,164 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,165 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,168 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,168 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,171 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,171 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,174 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,175 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,178 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,178 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,182 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,182 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,187 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,187 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,188 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,193 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,193 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,197 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,197 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,200 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,200 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,201 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,204 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,204 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,204 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,207 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,208 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,210 - __main__ - INFO - Computing statistics for Run 4, Generation 2... +2015-04-21 15:20:48,211 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:48,211 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,211 - __main__ - INFO - Average Fitness Value of Generation: 737072582671477448729245515776.000000 +2015-04-21 15:20:48,211 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 2. +2015-04-21 15:20:48,211 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:48,211 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:48,211 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:48,212 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,212 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,215 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,215 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,216 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,216 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,219 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,219 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,223 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,224 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,229 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,230 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,230 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,234 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,235 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,238 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,239 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,242 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,242 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,245 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,245 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,248 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,249 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,249 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,252 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,252 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,252 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,253 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,256 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,256 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,256 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,259 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,259 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,260 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,260 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,265 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,265 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,266 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,270 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,271 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,271 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,276 - __main__ - INFO - Computing statistics for Run 4, Generation 3... +2015-04-21 15:20:48,276 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:48,276 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,276 - __main__ - INFO - Average Fitness Value of Generation: 781794342862562481449019113472.000000 +2015-04-21 15:20:48,276 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 3. +2015-04-21 15:20:48,276 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:48,276 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:48,276 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:48,277 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,277 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,278 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,280 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,281 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,284 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,284 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,287 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,287 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,287 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,287 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,290 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,291 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,293 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,293 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,294 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,297 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,297 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,297 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,301 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,302 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,307 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,308 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,312 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,312 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,315 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,316 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,319 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,320 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,322 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,322 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,323 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,323 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,326 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,326 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,326 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,329 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,329 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,330 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,333 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,333 - __main__ - INFO - Computing statistics for Run 4, Generation 4... +2015-04-21 15:20:48,333 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:48,333 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,333 - __main__ - INFO - Average Fitness Value of Generation: 737392195840250699181251887104.000000 +2015-04-21 15:20:48,333 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 4. +2015-04-21 15:20:48,333 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:48,334 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:48,334 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:48,334 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,335 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,338 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,338 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,343 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,344 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,344 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,348 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,349 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,352 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,352 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,355 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,355 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,358 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,359 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,362 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,362 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,365 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,365 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,368 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,369 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,369 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,371 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,372 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,376 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,377 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,382 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,383 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,387 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,387 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,390 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,390 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,391 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,394 - __main__ - INFO - Computing statistics for Run 4, Generation 5... +2015-04-21 15:20:48,394 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:20:48,394 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,394 - __main__ - INFO - Average Fitness Value of Generation: 847889543746541297336705875968.000000 +2015-04-21 15:20:48,394 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 5. +2015-04-21 15:20:48,394 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:48,395 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:48,395 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:48,395 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,396 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,398 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,399 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,424 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,425 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,428 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,428 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,428 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,429 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,431 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,432 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,435 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,435 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,436 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,439 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,439 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,442 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,443 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,446 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,447 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,450 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,451 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,455 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,456 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,460 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,461 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,464 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,464 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,467 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,468 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,468 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,471 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:48,471 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:48,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:48,475 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:48,475 - __main__ - INFO - Computing statistics for Run 4, Generation 6... +2015-04-21 15:20:48,475 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:48,475 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,475 - __main__ - INFO - Average Fitness Value of Generation: 704922401243959452755149455360.000000 +2015-04-21 15:20:48,475 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 6. +2015-04-21 15:20:48,475 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:48,475 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:48,475 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:48,476 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,476 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,479 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,480 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,483 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,484 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,487 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,488 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,488 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,488 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,493 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,493 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,497 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,497 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,498 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,500 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,501 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,501 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,504 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,504 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,504 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,504 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,507 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,507 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,507 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,510 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,510 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,510 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,513 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,514 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,517 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,517 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,521 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,522 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,528 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,528 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,533 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:48,533 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:48,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:48,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:48,536 - __main__ - INFO - Computing statistics for Run 4, Generation 7... +2015-04-21 15:20:48,537 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:48,537 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,537 - __main__ - INFO - Average Fitness Value of Generation: 898028478373842618587155529728.000000 +2015-04-21 15:20:48,537 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 7. +2015-04-21 15:20:48,537 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:48,537 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:48,537 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:48,538 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,539 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,542 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,542 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,546 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,546 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,549 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,549 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,550 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,550 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,553 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,554 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,557 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,557 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,560 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,561 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,565 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,565 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,566 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,566 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,570 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,571 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,574 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,574 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,577 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,577 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,580 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,581 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,584 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,585 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,588 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,588 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,591 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:48,592 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:48,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:48,595 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:48,595 - __main__ - INFO - Computing statistics for Run 4, Generation 8... +2015-04-21 15:20:48,595 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:48,595 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,595 - __main__ - INFO - Average Fitness Value of Generation: 841319288204051446193645944832.000000 +2015-04-21 15:20:48,596 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 8. +2015-04-21 15:20:48,596 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:48,596 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:48,596 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:48,597 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,598 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,601 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,602 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,606 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,606 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,606 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,606 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,610 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,610 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,610 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,613 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,614 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,617 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,617 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,621 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,621 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,624 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,624 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,624 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,627 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,627 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,628 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,628 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,631 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,631 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,632 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,637 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,637 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,642 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,643 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,649 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,650 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,655 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,656 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,660 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:48,661 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:48,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:48,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:48,666 - __main__ - INFO - Computing statistics for Run 4, Generation 9... +2015-04-21 15:20:48,666 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:48,666 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:48,666 - __main__ - INFO - Average Fitness Value of Generation: 978753945380045078069134753792.000000 +2015-04-21 15:20:48,667 - __main__ - INFO - Computation of statistics finished for Run 4, Generation 9. +2015-04-21 15:20:48,667 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:48,667 - __main__ - INFO - Finished run 4. +2015-04-21 15:20:48,667 - __main__ - INFO - Starting run 5... +2015-04-21 15:20:48,667 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:48,668 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:48,668 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:48,670 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:48,670 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:48,670 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:48,671 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,671 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,674 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,674 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,675 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,680 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,681 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,685 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,686 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,689 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,689 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,692 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,693 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,697 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,698 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,701 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,701 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,704 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,704 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,705 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,707 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,708 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,712 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,712 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,713 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,713 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,717 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,718 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,721 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,721 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,724 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,725 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,728 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:48,728 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:48,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:48,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:48,731 - __main__ - INFO - Computing statistics for Run 5, Generation 0... +2015-04-21 15:20:48,731 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:48,731 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-21 15:20:48,731 - __main__ - INFO - Average Fitness Value of Generation: 83487615338955067302072025088.000000 +2015-04-21 15:20:48,731 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 0. +2015-04-21 15:20:48,732 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:48,732 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:48,732 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:48,732 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,733 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,733 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,736 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,736 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,736 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,739 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,740 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,742 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,743 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,746 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,747 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,751 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,752 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,756 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,756 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,757 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,760 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,760 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,763 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,764 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,766 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,767 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,767 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,767 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,770 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,770 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,770 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,773 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,773 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,773 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,773 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,776 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,777 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,780 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,780 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,784 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:48,785 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:48,785 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:48,789 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:48,789 - __main__ - INFO - Computing statistics for Run 5, Generation 1... +2015-04-21 15:20:48,789 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:48,789 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:48,789 - __main__ - INFO - Average Fitness Value of Generation: 591309781906857051835431124992.000000 +2015-04-21 15:20:48,789 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 1. +2015-04-21 15:20:48,790 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:48,790 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:48,790 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:48,791 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,791 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,792 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,794 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,795 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,798 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,798 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,801 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,802 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,804 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,805 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,808 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,808 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,811 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,811 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,814 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,814 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,815 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,815 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,818 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,819 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,824 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,824 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,825 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,825 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,829 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,829 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,833 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,833 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,836 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,837 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,840 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,840 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,843 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:48,843 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:48,843 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:48,846 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:48,846 - __main__ - INFO - Computing statistics for Run 5, Generation 2... +2015-04-21 15:20:48,846 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:20:48,846 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:48,846 - __main__ - INFO - Average Fitness Value of Generation: 570098802320010131961527926784.000000 +2015-04-21 15:20:48,847 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 2. +2015-04-21 15:20:48,847 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:48,847 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:48,847 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:48,847 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,848 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,851 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,851 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,856 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,856 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,857 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,857 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,861 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,862 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,866 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,866 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,866 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,869 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,870 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,873 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,873 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,876 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,876 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,877 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,879 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,880 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,883 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,883 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,886 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,887 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,890 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,890 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,894 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,894 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,895 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,895 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,899 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,900 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,904 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:48,904 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:48,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:48,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:48,907 - __main__ - INFO - Computing statistics for Run 5, Generation 3... +2015-04-21 15:20:48,907 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:48,907 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:48,907 - __main__ - INFO - Average Fitness Value of Generation: 727890337383857734131549995008.000000 +2015-04-21 15:20:48,907 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 3. +2015-04-21 15:20:48,908 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:48,908 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:48,908 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:48,908 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,909 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,909 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,912 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,912 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,915 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,915 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,918 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,919 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,922 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,922 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,925 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,925 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,928 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,928 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,929 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,933 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,934 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,939 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,939 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,942 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,942 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,945 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,946 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,949 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,949 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,949 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,952 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,953 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,955 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,955 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,956 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,959 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:48,960 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:48,960 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:48,963 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:48,963 - __main__ - INFO - Computing statistics for Run 5, Generation 4... +2015-04-21 15:20:48,963 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:48,963 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:48,963 - __main__ - INFO - Average Fitness Value of Generation: 725967044806063373945552240640.000000 +2015-04-21 15:20:48,963 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 4. +2015-04-21 15:20:48,964 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:48,964 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:48,964 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:48,965 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,966 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,972 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,973 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,977 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,978 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,978 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,981 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,981 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,981 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,982 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,984 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,984 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,985 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,987 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,987 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,988 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,990 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,990 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,991 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,991 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,994 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,994 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:48,997 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:48,997 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:48,998 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:48,998 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,000 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,001 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,004 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,004 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,004 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,009 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,010 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,014 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,014 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,017 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,017 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,020 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,021 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,021 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,024 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,024 - __main__ - INFO - Computing statistics for Run 5, Generation 5... +2015-04-21 15:20:49,024 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:49,024 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,024 - __main__ - INFO - Average Fitness Value of Generation: 881717974118253990714300956672.000000 +2015-04-21 15:20:49,024 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 5. +2015-04-21 15:20:49,024 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:49,024 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:49,024 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:49,025 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,025 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,028 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,029 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,031 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,031 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,032 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,035 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,036 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,038 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,039 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,044 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,044 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,049 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,049 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,049 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,052 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,052 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,053 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,053 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,056 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,056 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,057 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,059 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,060 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,063 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,063 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,063 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,066 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,067 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,067 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,069 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,069 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,070 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,070 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,073 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,073 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,078 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,078 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,079 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,079 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,083 - __main__ - INFO - Computing statistics for Run 5, Generation 6... +2015-04-21 15:20:49,083 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:49,083 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,083 - __main__ - INFO - Average Fitness Value of Generation: 788878680195828148961911242752.000000 +2015-04-21 15:20:49,084 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 6. +2015-04-21 15:20:49,084 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:49,084 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:49,084 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:49,085 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,085 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,089 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,089 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,090 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,090 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,093 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,093 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,096 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,096 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,096 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,099 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,100 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,100 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,103 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,103 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,106 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,106 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,107 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,109 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,110 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,113 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,114 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,118 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,119 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,119 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,123 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,123 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,127 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,127 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,130 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,130 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,133 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,133 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,134 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,136 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,136 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,139 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,139 - __main__ - INFO - Computing statistics for Run 5, Generation 7... +2015-04-21 15:20:49,139 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:49,140 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,140 - __main__ - INFO - Average Fitness Value of Generation: 793657339762598668366465990656.000000 +2015-04-21 15:20:49,140 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 7. +2015-04-21 15:20:49,140 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:49,140 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:49,140 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:49,140 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,141 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,144 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,144 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,147 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,147 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,150 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,151 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,155 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,155 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,155 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,160 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,160 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,160 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,164 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,164 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,164 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,167 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,167 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,167 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,170 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,171 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,174 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,175 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,178 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,178 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,178 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,181 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,182 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,185 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,185 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,189 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,190 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,190 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,193 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,193 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,194 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,194 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,198 - __main__ - INFO - Computing statistics for Run 5, Generation 8... +2015-04-21 15:20:49,198 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:49,198 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:49,198 - __main__ - INFO - Average Fitness Value of Generation: 791362638866161105857155170304.000000 +2015-04-21 15:20:49,198 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 8. +2015-04-21 15:20:49,199 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:49,199 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:49,199 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:49,199 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,200 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,200 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,203 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,203 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,203 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,206 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,206 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,206 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,209 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,210 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,213 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,213 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,216 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,217 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,219 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,220 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,220 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,220 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,225 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,226 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,231 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,231 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,231 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,236 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,236 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,239 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,240 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,243 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,243 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,247 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,247 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,247 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,250 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,251 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,251 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,254 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,255 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,258 - __main__ - INFO - Computing statistics for Run 5, Generation 9... +2015-04-21 15:20:49,258 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:49,258 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,258 - __main__ - INFO - Average Fitness Value of Generation: 721650511043650755815171686400.000000 +2015-04-21 15:20:49,258 - __main__ - INFO - Computation of statistics finished for Run 5, Generation 9. +2015-04-21 15:20:49,258 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:49,258 - __main__ - INFO - Finished run 5. +2015-04-21 15:20:49,258 - __main__ - INFO - Starting run 6... +2015-04-21 15:20:49,258 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:49,260 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:49,260 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:49,261 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:49,261 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:49,262 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:49,262 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,263 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,263 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,267 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,267 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,267 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,271 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,272 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,272 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,275 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,276 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,279 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,279 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,282 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,282 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,285 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,285 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,288 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,289 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,291 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,292 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,292 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,292 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,295 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,295 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,298 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,298 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,303 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,303 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,308 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,309 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,312 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,312 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,315 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,316 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,319 - __main__ - INFO - Computing statistics for Run 6, Generation 0... +2015-04-21 15:20:49,319 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-21 15:20:49,319 - __main__ - INFO - Fitness Value of Best Individual: 420429669819516668233121792000.000000 +2015-04-21 15:20:49,319 - __main__ - INFO - Average Fitness Value of Generation: 39033008819346721265548263424.000000 +2015-04-21 15:20:49,319 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 0. +2015-04-21 15:20:49,319 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:49,319 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:49,319 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:49,320 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,320 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,320 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,324 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,324 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,324 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,327 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,328 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,330 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,330 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,331 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,331 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,334 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,334 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,338 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,339 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,340 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,344 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,348 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,348 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,351 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,351 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,352 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,352 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,354 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,354 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,355 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,355 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,358 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,358 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,358 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,361 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,362 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,365 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,365 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,368 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,368 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,368 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,371 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,371 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,372 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,372 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,377 - __main__ - INFO - Computing statistics for Run 6, Generation 1... +2015-04-21 15:20:49,377 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:49,377 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:20:49,377 - __main__ - INFO - Average Fitness Value of Generation: 330139101529510617773177307136.000000 +2015-04-21 15:20:49,377 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 1. +2015-04-21 15:20:49,377 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:49,377 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:49,377 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:49,378 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,379 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,379 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,383 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,383 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,383 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,386 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,387 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,387 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,390 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,390 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,390 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,393 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,393 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,394 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,397 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,397 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,400 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,400 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,401 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,401 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,404 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,404 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,407 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,407 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,407 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,412 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,412 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,417 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,418 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,421 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,421 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,421 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,421 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,424 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,424 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,425 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,425 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,427 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,427 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,428 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,428 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,431 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,431 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,432 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,432 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,434 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,435 - __main__ - INFO - Computing statistics for Run 6, Generation 2... +2015-04-21 15:20:49,435 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:20:49,435 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:20:49,435 - __main__ - INFO - Average Fitness Value of Generation: 619957095618963011968455147520.000000 +2015-04-21 15:20:49,435 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 2. +2015-04-21 15:20:49,435 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:49,435 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:49,435 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:49,436 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,436 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,436 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,439 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,439 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,443 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,443 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,448 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,448 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,452 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,453 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,453 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,453 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,456 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,456 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,457 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,457 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,459 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,459 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,460 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,464 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,464 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,467 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,467 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,467 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,470 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,470 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,470 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,471 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,473 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,473 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,474 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,476 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,476 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,479 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,480 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,483 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,484 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,484 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,488 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:49,489 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:49,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:49,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:49,491 - __main__ - INFO - Computing statistics for Run 6, Generation 3... +2015-04-21 15:20:49,492 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:49,492 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-21 15:20:49,492 - __main__ - INFO - Average Fitness Value of Generation: 653839047505223058063469051904.000000 +2015-04-21 15:20:49,492 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 3. +2015-04-21 15:20:49,492 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:49,492 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:49,492 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:49,493 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,493 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,496 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,496 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,499 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,499 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,499 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,499 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,502 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,502 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,502 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,505 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,505 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,506 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,509 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,510 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,513 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,513 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,513 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,513 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,516 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,516 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,517 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,521 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,522 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,522 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,526 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,527 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,527 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,530 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,530 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,530 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,533 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,533 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,534 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,534 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,536 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,537 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,537 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,539 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,540 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,543 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,543 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:49,544 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:49,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:49,546 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:49,546 - __main__ - INFO - Computing statistics for Run 6, Generation 4... +2015-04-21 15:20:49,546 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:49,547 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:49,547 - __main__ - INFO - Average Fitness Value of Generation: 619791505536444210411080777728.000000 +2015-04-21 15:20:49,547 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 4. +2015-04-21 15:20:49,547 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:49,547 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:49,547 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:49,548 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,548 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,551 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,552 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,556 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,556 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,561 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,561 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,564 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,565 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,567 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,567 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,568 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,571 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,571 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,571 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,574 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,574 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,577 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,578 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,580 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,581 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,583 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,584 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,587 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,588 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,592 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,593 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,598 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,599 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,599 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,602 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:49,603 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:49,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:49,605 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:49,605 - __main__ - INFO - Computing statistics for Run 6, Generation 5... +2015-04-21 15:20:49,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:49,605 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:49,605 - __main__ - INFO - Average Fitness Value of Generation: 823557807647649873348442193920.000000 +2015-04-21 15:20:49,606 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 5. +2015-04-21 15:20:49,606 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:49,606 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:49,606 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:49,606 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,607 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,607 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,610 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,611 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,614 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,614 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,617 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,617 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,620 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,620 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,621 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,621 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,624 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,625 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,630 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,631 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,631 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,636 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,636 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,636 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,636 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,640 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,640 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,646 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,647 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,653 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,654 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,660 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,660 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,661 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,661 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,667 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,667 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,667 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,668 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,672 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,672 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,675 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:49,675 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:49,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:49,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:49,679 - __main__ - INFO - Computing statistics for Run 6, Generation 6... +2015-04-21 15:20:49,680 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:49,680 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,680 - __main__ - INFO - Average Fitness Value of Generation: 688554201457754294665495969792.000000 +2015-04-21 15:20:49,680 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 6. +2015-04-21 15:20:49,680 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:49,680 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:49,680 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:49,681 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,681 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,684 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,684 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,684 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,687 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,688 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,691 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,691 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,694 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,694 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,699 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,699 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,703 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,703 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,707 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,708 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,708 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,710 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,711 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,715 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,715 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,715 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,718 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,721 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,722 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,724 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,724 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,725 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,725 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,727 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,728 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,731 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:49,731 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:49,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:49,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:49,734 - __main__ - INFO - Computing statistics for Run 6, Generation 7... +2015-04-21 15:20:49,735 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:20:49,735 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,735 - __main__ - INFO - Average Fitness Value of Generation: 720821320111096175803819360256.000000 +2015-04-21 15:20:49,735 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 7. +2015-04-21 15:20:49,735 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:49,735 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:49,735 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:49,736 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,737 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,737 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,743 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,744 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,747 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,748 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,751 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,751 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,751 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,754 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,755 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,757 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,757 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,758 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,758 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,760 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,761 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,764 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,764 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,764 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,767 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,767 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,770 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,770 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,771 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,771 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,775 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,776 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,780 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,781 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,781 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,784 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,784 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,784 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,787 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,787 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,790 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:49,790 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:49,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:49,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:49,793 - __main__ - INFO - Computing statistics for Run 6, Generation 8... +2015-04-21 15:20:49,793 - __main__ - INFO - Number of Correct Bits in Best Individual: 22 +2015-04-21 15:20:49,793 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,793 - __main__ - INFO - Average Fitness Value of Generation: 894559363343977419809222557696.000000 +2015-04-21 15:20:49,794 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 8. +2015-04-21 15:20:49,794 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:49,794 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:49,794 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:49,794 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,795 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,798 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,798 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,801 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,801 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,804 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,805 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,811 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,811 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,816 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,817 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,820 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,820 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,823 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,823 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,826 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,826 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,829 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,830 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,833 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,833 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,836 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,836 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,836 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,839 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,839 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,839 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,840 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,843 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,844 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,848 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:49,849 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:49,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:49,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:49,853 - __main__ - INFO - Computing statistics for Run 6, Generation 9... +2015-04-21 15:20:49,853 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:49,853 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,853 - __main__ - INFO - Average Fitness Value of Generation: 944254224782614360603012104192.000000 +2015-04-21 15:20:49,853 - __main__ - INFO - Computation of statistics finished for Run 6, Generation 9. +2015-04-21 15:20:49,853 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:49,853 - __main__ - INFO - Finished run 6. +2015-04-21 15:20:49,854 - __main__ - INFO - Starting run 7... +2015-04-21 15:20:49,854 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:49,855 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:49,855 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:49,857 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:49,857 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:49,857 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:49,858 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,859 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,862 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,862 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,865 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,866 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,868 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,869 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,872 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,873 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,876 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,877 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,883 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,884 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,888 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,890 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,890 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,893 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,893 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,896 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,897 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,897 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,900 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,900 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,900 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,903 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,904 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,907 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,907 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,910 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,911 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,914 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:49,914 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:49,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:49,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:49,917 - __main__ - INFO - Computing statistics for Run 7, Generation 0... +2015-04-21 15:20:49,918 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:49,918 - __main__ - INFO - Fitness Value of Best Individual: 1149157484485566772345265192960.000000 +2015-04-21 15:20:49,918 - __main__ - INFO - Average Fitness Value of Generation: 116342046469799633309428350976.000000 +2015-04-21 15:20:49,918 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 0. +2015-04-21 15:20:49,918 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:49,918 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:49,918 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:49,919 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,920 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,920 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,924 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,925 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,925 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,929 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,929 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,929 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,932 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,933 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,936 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,936 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,936 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,939 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,939 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,939 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,939 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,942 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,943 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,943 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,946 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,946 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,946 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,949 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,949 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,950 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,953 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,953 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,954 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,954 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,959 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,959 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,959 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,964 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,964 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,964 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,967 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,968 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,970 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,970 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,971 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,971 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,974 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,974 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:49,974 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:49,974 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:49,977 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:49,977 - __main__ - INFO - Computing statistics for Run 7, Generation 1... +2015-04-21 15:20:49,977 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:49,977 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:49,977 - __main__ - INFO - Average Fitness Value of Generation: 491543699018506315474822758400.000000 +2015-04-21 15:20:49,978 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 1. +2015-04-21 15:20:49,978 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:49,978 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:49,978 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:49,979 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,979 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,982 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,983 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,986 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,986 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,986 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,989 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,990 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,994 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,994 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,994 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:49,995 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:49,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:49,999 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:49,999 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,002 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,003 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,006 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,007 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,010 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,010 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,013 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,013 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,016 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,017 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,019 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,020 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,023 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,024 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,024 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,027 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,027 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,028 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,032 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,032 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,036 - __main__ - INFO - Computing statistics for Run 7, Generation 2... +2015-04-21 15:20:50,037 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-21 15:20:50,037 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,037 - __main__ - INFO - Average Fitness Value of Generation: 563320290028718811464865939456.000000 +2015-04-21 15:20:50,037 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 2. +2015-04-21 15:20:50,037 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:50,037 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:50,037 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:50,038 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,038 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,038 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,041 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,041 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,041 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,044 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,045 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,048 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,048 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,048 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,051 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,051 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,054 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,054 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,055 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,055 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,057 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,058 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,058 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,060 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,061 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,061 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,065 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,065 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,066 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,066 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,070 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,070 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,071 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,071 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,074 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,074 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,075 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,075 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,077 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,078 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,080 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,081 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,084 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,085 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,085 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,088 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,088 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,092 - __main__ - INFO - Computing statistics for Run 7, Generation 3... +2015-04-21 15:20:50,092 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-21 15:20:50,092 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:50,092 - __main__ - INFO - Average Fitness Value of Generation: 639947287407905518720882049024.000000 +2015-04-21 15:20:50,092 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 3. +2015-04-21 15:20:50,092 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:50,092 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:50,092 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:50,093 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,093 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,097 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,098 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,103 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,104 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,108 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,109 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,113 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,113 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,113 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,116 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,117 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,119 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,120 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,123 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,123 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,126 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,126 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,129 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,129 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,130 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,130 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,133 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,133 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,133 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,136 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,137 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,142 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,143 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,147 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,148 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,152 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,152 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,152 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,156 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,156 - __main__ - INFO - Computing statistics for Run 7, Generation 4... +2015-04-21 15:20:50,156 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:50,156 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,156 - __main__ - INFO - Average Fitness Value of Generation: 542244980779623535693069811712.000000 +2015-04-21 15:20:50,156 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 4. +2015-04-21 15:20:50,156 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:50,156 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:50,157 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:50,157 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,158 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,161 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,161 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,161 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,161 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,164 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,164 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,165 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,168 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,168 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,168 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,171 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,171 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,172 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,175 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,176 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,176 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,181 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,181 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,182 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,182 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,186 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,186 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,187 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,187 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,190 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,191 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,191 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,191 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,194 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,194 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,194 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,197 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,197 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,198 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,201 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,201 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,204 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,205 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,207 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,208 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,208 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,208 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,211 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,211 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,212 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,212 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,216 - __main__ - INFO - Computing statistics for Run 7, Generation 5... +2015-04-21 15:20:50,216 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:50,216 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,216 - __main__ - INFO - Average Fitness Value of Generation: 635818123051739212403802374144.000000 +2015-04-21 15:20:50,217 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 5. +2015-04-21 15:20:50,217 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:50,217 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:50,217 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:50,218 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,219 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,224 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,224 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,225 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,225 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,229 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,229 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,229 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,233 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,233 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,233 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,236 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,236 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,236 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,236 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,239 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,240 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,240 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,240 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,243 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,243 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,243 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,243 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,246 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,247 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,250 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,250 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,254 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,254 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,256 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,256 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,261 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,262 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,266 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,266 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,266 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,266 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,269 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,269 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,270 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,270 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,273 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,273 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,273 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,276 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,276 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,276 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,277 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,279 - __main__ - INFO - Computing statistics for Run 7, Generation 6... +2015-04-21 15:20:50,280 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-21 15:20:50,280 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:50,280 - __main__ - INFO - Average Fitness Value of Generation: 602763297099272087890043076608.000000 +2015-04-21 15:20:50,280 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 6. +2015-04-21 15:20:50,280 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:50,280 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:50,280 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:50,281 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,281 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,281 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,284 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,284 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,285 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,285 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,288 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,288 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,288 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,292 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,293 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,293 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,298 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,299 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,303 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,303 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,304 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,304 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,307 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,307 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,308 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,311 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,312 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,315 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,315 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,318 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,319 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,321 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,322 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,325 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,325 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,325 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,328 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,329 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,334 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,334 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,335 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,335 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,339 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,339 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,340 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,344 - __main__ - INFO - Computing statistics for Run 7, Generation 7... +2015-04-21 15:20:50,344 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:50,345 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-21 15:20:50,345 - __main__ - INFO - Average Fitness Value of Generation: 746588128570991053344616742912.000000 +2015-04-21 15:20:50,345 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 7. +2015-04-21 15:20:50,345 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:50,345 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:50,345 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:50,346 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,346 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,349 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,349 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,352 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,353 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,355 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,356 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,356 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,359 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,359 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,359 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,359 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,362 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,362 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,363 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,363 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,365 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,366 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,366 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,366 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,370 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,370 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,371 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,376 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,377 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,377 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,377 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,381 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,382 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,382 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,386 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,386 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,386 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,389 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,389 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,389 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,392 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,393 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,395 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,396 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,399 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,399 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,399 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,402 - __main__ - INFO - Computing statistics for Run 7, Generation 8... +2015-04-21 15:20:50,402 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:50,402 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,402 - __main__ - INFO - Average Fitness Value of Generation: 711126247932000046090192683008.000000 +2015-04-21 15:20:50,402 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 8. +2015-04-21 15:20:50,402 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:50,403 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:50,403 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:50,403 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,404 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,404 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,406 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,407 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,410 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,410 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,410 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,414 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,415 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,419 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,419 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,419 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,420 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,422 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,423 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,426 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,426 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,429 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,430 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,433 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,433 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,436 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,437 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,439 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,440 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,444 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,445 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,451 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,451 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,455 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,455 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,456 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,460 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:50,460 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:50,460 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:50,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:50,463 - __main__ - INFO - Computing statistics for Run 7, Generation 9... +2015-04-21 15:20:50,463 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:50,464 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,464 - __main__ - INFO - Average Fitness Value of Generation: 965192022941131561863227637760.000000 +2015-04-21 15:20:50,464 - __main__ - INFO - Computation of statistics finished for Run 7, Generation 9. +2015-04-21 15:20:50,464 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:50,464 - __main__ - INFO - Finished run 7. +2015-04-21 15:20:50,464 - __main__ - INFO - Starting run 8... +2015-04-21 15:20:50,464 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:50,465 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:50,465 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:50,467 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:50,467 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:50,467 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:50,468 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,469 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,469 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,471 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,472 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,472 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,472 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,475 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,475 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,478 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,478 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,478 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,480 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,480 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,481 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,481 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,486 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,486 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,487 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,487 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,491 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,491 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,492 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,492 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,496 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,497 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,497 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,500 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,500 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,503 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,503 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,506 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,508 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,511 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,511 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,511 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,514 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,514 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,514 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,515 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,518 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,518 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,518 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,521 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,521 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:50,521 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:50,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:50,525 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:50,525 - __main__ - INFO - Computing statistics for Run 8, Generation 0... +2015-04-21 15:20:50,525 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-21 15:20:50,525 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:20:50,525 - __main__ - INFO - Average Fitness Value of Generation: 93612979247626315641563119616.000000 +2015-04-21 15:20:50,526 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 0. +2015-04-21 15:20:50,526 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:50,526 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:50,526 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:50,527 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,528 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,532 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,532 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,536 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,536 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,539 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,539 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,539 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,542 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,542 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,545 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,545 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,546 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,546 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,548 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,549 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,552 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,552 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,555 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,555 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,558 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,559 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,559 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,564 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,564 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,565 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,569 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,570 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,574 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,575 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,578 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,578 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,581 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:50,582 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:50,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:50,585 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:50,585 - __main__ - INFO - Computing statistics for Run 8, Generation 1... +2015-04-21 15:20:50,585 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:20:50,585 - __main__ - INFO - Fitness Value of Best Individual: 904382075008804525581835173888.000000 +2015-04-21 15:20:50,585 - __main__ - INFO - Average Fitness Value of Generation: 311976483650175547555323052032.000000 +2015-04-21 15:20:50,585 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 1. +2015-04-21 15:20:50,585 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:50,585 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:50,585 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:50,586 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,587 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,587 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,590 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,590 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,590 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,590 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,593 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,593 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,593 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,597 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,597 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,602 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,602 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,603 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,603 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,608 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,609 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,613 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,613 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,613 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,616 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,616 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,619 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,619 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,619 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,622 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,622 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,623 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,626 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,627 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,630 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,630 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,630 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,633 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,633 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,634 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,634 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,640 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,640 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,641 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,641 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,648 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:50,649 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:50,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:50,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:50,655 - __main__ - INFO - Computing statistics for Run 8, Generation 2... +2015-04-21 15:20:50,656 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-21 15:20:50,656 - __main__ - INFO - Fitness Value of Best Individual: 1230998208432178020881010786304.000000 +2015-04-21 15:20:50,656 - __main__ - INFO - Average Fitness Value of Generation: 440282945146580453824776896512.000000 +2015-04-21 15:20:50,656 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 2. +2015-04-21 15:20:50,656 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:50,656 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:50,656 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:50,657 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,658 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,662 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,662 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,665 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,666 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,669 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,670 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,673 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,673 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,673 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,676 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,676 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,676 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,677 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,682 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,682 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,683 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,683 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,688 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,688 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,689 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,689 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,692 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,692 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,693 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,693 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,697 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,697 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,700 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,700 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,701 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,701 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,703 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,704 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,707 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,707 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,710 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,710 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,710 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,713 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:50,714 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:50,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:50,716 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:50,716 - __main__ - INFO - Computing statistics for Run 8, Generation 3... +2015-04-21 15:20:50,717 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:50,717 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,717 - __main__ - INFO - Average Fitness Value of Generation: 759793567779310090204865363968.000000 +2015-04-21 15:20:50,717 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 3. +2015-04-21 15:20:50,717 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:50,717 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:50,717 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:50,718 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,718 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,722 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,722 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,722 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,726 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,726 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,727 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,727 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,731 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,732 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,735 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,735 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,738 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,738 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,738 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,741 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,741 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,742 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,742 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,745 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,745 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,745 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,745 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,748 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,748 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,749 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,751 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,752 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,755 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,755 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,758 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,760 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,760 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,763 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,764 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,764 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,768 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,768 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,769 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,769 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,772 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,772 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:50,772 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:50,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:50,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:50,775 - __main__ - INFO - Computing statistics for Run 8, Generation 4... +2015-04-21 15:20:50,775 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:50,775 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,775 - __main__ - INFO - Average Fitness Value of Generation: 863694643252835934108347531264.000000 +2015-04-21 15:20:50,775 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 4. +2015-04-21 15:20:50,775 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:50,775 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:50,776 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:50,776 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,777 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,779 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,780 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,783 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,784 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,787 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,787 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,790 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,791 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,796 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,796 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,797 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,802 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,802 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,803 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,807 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,807 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,807 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,810 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,811 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,813 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,813 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,814 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,814 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,817 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,817 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,817 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,817 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,820 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,820 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,820 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,823 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,824 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,826 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,827 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,827 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,830 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:50,831 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:50,831 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:50,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:50,836 - __main__ - INFO - Computing statistics for Run 8, Generation 5... +2015-04-21 15:20:50,836 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:50,837 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,837 - __main__ - INFO - Average Fitness Value of Generation: 672497684722610083184431333376.000000 +2015-04-21 15:20:50,837 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 5. +2015-04-21 15:20:50,837 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:50,837 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:50,837 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:50,838 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,839 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,839 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,843 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,844 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,844 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,847 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,848 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,850 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,850 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,851 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,851 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,853 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,853 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,855 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,855 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,857 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,858 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,861 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,861 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,861 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,864 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,864 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,864 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,864 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,867 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,867 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,868 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,868 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,873 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,873 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,878 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,878 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,879 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,879 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,883 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,883 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,884 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,884 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,887 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,887 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,890 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,890 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,890 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,891 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,893 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,893 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:50,894 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:50,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:50,896 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:50,896 - __main__ - INFO - Computing statistics for Run 8, Generation 6... +2015-04-21 15:20:50,896 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:20:50,897 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,897 - __main__ - INFO - Average Fitness Value of Generation: 657073102318627060196027924480.000000 +2015-04-21 15:20:50,897 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 6. +2015-04-21 15:20:50,897 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:50,897 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:50,897 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:50,898 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,898 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,901 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,901 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,904 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,904 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,904 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,907 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,908 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,908 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,908 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,914 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,915 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,918 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,919 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,922 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,923 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,926 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,927 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,929 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,930 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,933 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,935 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,935 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,938 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,938 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,938 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,941 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,941 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,942 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,945 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,946 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,951 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,952 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,952 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,956 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:50,957 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:50,957 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:50,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:50,961 - __main__ - INFO - Computing statistics for Run 8, Generation 7... +2015-04-21 15:20:50,961 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:50,961 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:50,961 - __main__ - INFO - Average Fitness Value of Generation: 670347439960933927904367083520.000000 +2015-04-21 15:20:50,961 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 7. +2015-04-21 15:20:50,962 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:50,962 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:50,962 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:50,962 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,963 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,966 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,966 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,969 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,969 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,969 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,972 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,972 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,972 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,973 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,975 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,976 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,979 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,979 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,979 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,982 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,982 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,987 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,988 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,988 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,993 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,993 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,994 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,994 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:50,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:50,998 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:50,999 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:50,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,002 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,003 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,005 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,006 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,009 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,010 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,013 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,013 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,013 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,016 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,017 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,020 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,020 - __main__ - INFO - Computing statistics for Run 8, Generation 8... +2015-04-21 15:20:51,020 - __main__ - INFO - Number of Correct Bits in Best Individual: 21 +2015-04-21 15:20:51,020 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,020 - __main__ - INFO - Average Fitness Value of Generation: 864555879833265081575651934208.000000 +2015-04-21 15:20:51,020 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 8. +2015-04-21 15:20:51,020 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:51,020 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:51,020 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:51,021 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,021 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,026 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,027 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,032 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,032 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,037 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,037 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,037 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,040 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,040 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,041 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,043 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,044 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,047 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,047 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,050 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,050 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,051 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,051 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,054 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,054 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,054 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,057 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,057 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,057 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,057 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,060 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,061 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,062 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,062 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,067 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,067 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,072 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,073 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,077 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,077 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,078 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,078 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,081 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,081 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,081 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,082 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,084 - __main__ - INFO - Computing statistics for Run 8, Generation 9... +2015-04-21 15:20:51,085 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-21 15:20:51,085 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,085 - __main__ - INFO - Average Fitness Value of Generation: 1001131198075089445903268839424.000000 +2015-04-21 15:20:51,085 - __main__ - INFO - Computation of statistics finished for Run 8, Generation 9. +2015-04-21 15:20:51,085 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:51,085 - __main__ - INFO - Finished run 8. +2015-04-21 15:20:51,085 - __main__ - INFO - Starting run 9... +2015-04-21 15:20:51,085 - __main__ - INFO - Initializing population and genetic environment... +2015-04-21 15:20:51,086 - __main__ - INFO - Initialization Complete. +2015-04-21 15:20:51,086 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-21 15:20:51,088 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-21 15:20:51,088 - __main__ - INFO - Generation 0 running... +2015-04-21 15:20:51,088 - __main__ - INFO - Running fitness function on generation 0... +2015-04-21 15:20:51,089 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,089 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,092 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,092 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,095 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,096 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,099 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,099 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,103 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,103 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,104 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,104 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,108 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,108 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,109 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,109 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,112 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,113 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,113 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,116 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,117 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,117 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,120 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,120 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,123 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,123 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,125 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,127 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,128 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,128 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,131 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,131 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,134 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,135 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,140 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,141 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,146 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-21 15:20:51,147 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-21 15:20:51,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-21 15:20:51,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-21 15:20:51,151 - __main__ - INFO - Computing statistics for Run 9, Generation 0... +2015-04-21 15:20:51,151 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-21 15:20:51,151 - __main__ - INFO - Fitness Value of Best Individual: 550185357410791002695266205696.000000 +2015-04-21 15:20:51,151 - __main__ - INFO - Average Fitness Value of Generation: 64405351398894684963044589568.000000 +2015-04-21 15:20:51,151 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 0. +2015-04-21 15:20:51,151 - __main__ - INFO - Generation 0 finished. +2015-04-21 15:20:51,152 - __main__ - INFO - Generation 1 running... +2015-04-21 15:20:51,152 - __main__ - INFO - Running fitness function on generation 1... +2015-04-21 15:20:51,152 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,153 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,153 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,155 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,156 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,159 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,159 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,162 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,162 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,162 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,165 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,165 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,165 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,165 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,168 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,169 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,172 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,172 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,176 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,177 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,183 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,183 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,184 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,188 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,188 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,188 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,191 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,192 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,195 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,195 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,195 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,195 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,198 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,198 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,198 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,198 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,201 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,201 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,201 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,204 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,204 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-21 15:20:51,205 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-21 15:20:51,205 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-21 15:20:51,208 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-21 15:20:51,208 - __main__ - INFO - Computing statistics for Run 9, Generation 1... +2015-04-21 15:20:51,208 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-21 15:20:51,208 - __main__ - INFO - Fitness Value of Best Individual: 842432626625997525564285517824.000000 +2015-04-21 15:20:51,208 - __main__ - INFO - Average Fitness Value of Generation: 223945079402270862035357007872.000000 +2015-04-21 15:20:51,208 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 1. +2015-04-21 15:20:51,208 - __main__ - INFO - Generation 1 finished. +2015-04-21 15:20:51,208 - __main__ - INFO - Generation 2 running... +2015-04-21 15:20:51,208 - __main__ - INFO - Running fitness function on generation 2... +2015-04-21 15:20:51,209 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,210 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,210 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,213 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,213 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,213 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,218 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,218 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,219 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,219 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,223 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,224 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,224 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,224 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,228 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,229 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,229 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,232 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,232 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,232 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,232 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,235 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,235 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,235 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,238 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,239 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,241 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,241 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,242 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,242 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,245 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,245 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,245 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,245 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,248 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,248 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,248 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,251 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,251 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,252 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,257 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,258 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,262 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,263 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,267 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-21 15:20:51,268 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-21 15:20:51,268 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-21 15:20:51,270 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-21 15:20:51,271 - __main__ - INFO - Computing statistics for Run 9, Generation 2... +2015-04-21 15:20:51,271 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:51,271 - __main__ - INFO - Fitness Value of Best Individual: 1172025550356773630692472913920.000000 +2015-04-21 15:20:51,271 - __main__ - INFO - Average Fitness Value of Generation: 395971624858867418220923453440.000000 +2015-04-21 15:20:51,271 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 2. +2015-04-21 15:20:51,271 - __main__ - INFO - Generation 2 finished. +2015-04-21 15:20:51,271 - __main__ - INFO - Generation 3 running... +2015-04-21 15:20:51,271 - __main__ - INFO - Running fitness function on generation 3... +2015-04-21 15:20:51,272 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,272 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,275 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,275 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,276 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,276 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,278 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,278 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,279 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,282 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,282 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,282 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,283 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,285 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,286 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,289 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,289 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,290 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,290 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,295 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,295 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,296 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,300 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,301 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,301 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,301 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,305 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,306 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,308 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,308 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,309 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,309 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,312 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,312 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,312 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,315 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,316 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,318 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,319 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,321 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,322 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,325 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-21 15:20:51,325 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-21 15:20:51,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-21 15:20:51,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-21 15:20:51,327 - __main__ - INFO - Computing statistics for Run 9, Generation 3... +2015-04-21 15:20:51,328 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:51,328 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:51,328 - __main__ - INFO - Average Fitness Value of Generation: 430551284609336324494813298688.000000 +2015-04-21 15:20:51,328 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 3. +2015-04-21 15:20:51,328 - __main__ - INFO - Generation 3 finished. +2015-04-21 15:20:51,328 - __main__ - INFO - Generation 4 running... +2015-04-21 15:20:51,328 - __main__ - INFO - Running fitness function on generation 4... +2015-04-21 15:20:51,329 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,330 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,330 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,335 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,336 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,340 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,341 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,341 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,345 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,345 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,346 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,349 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,349 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,349 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,352 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,353 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,356 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,356 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,356 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,360 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,360 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,360 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,363 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,363 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,364 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,364 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,367 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,367 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,368 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,368 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,372 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,373 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,373 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,373 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,377 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,377 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,378 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,378 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,382 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,382 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,382 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,382 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,385 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,385 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,386 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,386 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,388 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,389 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-21 15:20:51,389 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-21 15:20:51,389 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-21 15:20:51,392 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-21 15:20:51,392 - __main__ - INFO - Computing statistics for Run 9, Generation 4... +2015-04-21 15:20:51,392 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:51,392 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:51,392 - __main__ - INFO - Average Fitness Value of Generation: 661588402159509142751810682880.000000 +2015-04-21 15:20:51,392 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 4. +2015-04-21 15:20:51,392 - __main__ - INFO - Generation 4 finished. +2015-04-21 15:20:51,393 - __main__ - INFO - Generation 5 running... +2015-04-21 15:20:51,393 - __main__ - INFO - Running fitness function on generation 5... +2015-04-21 15:20:51,393 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,394 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,394 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,396 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,396 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,397 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,397 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,399 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,400 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,402 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,403 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,406 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,407 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,412 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,413 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,413 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,417 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,418 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,422 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,423 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,426 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,426 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,429 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,430 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,432 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,433 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,433 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,433 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,436 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,437 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,439 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,439 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,440 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,443 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,443 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,443 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,447 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-21 15:20:51,449 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-21 15:20:51,449 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-21 15:20:51,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-21 15:20:51,454 - __main__ - INFO - Computing statistics for Run 9, Generation 5... +2015-04-21 15:20:51,454 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-21 15:20:51,454 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-21 15:20:51,454 - __main__ - INFO - Average Fitness Value of Generation: 705820919971942416014708310016.000000 +2015-04-21 15:20:51,454 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 5. +2015-04-21 15:20:51,454 - __main__ - INFO - Generation 5 finished. +2015-04-21 15:20:51,454 - __main__ - INFO - Generation 6 running... +2015-04-21 15:20:51,454 - __main__ - INFO - Running fitness function on generation 6... +2015-04-21 15:20:51,455 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,456 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,456 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,460 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,460 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,461 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,461 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,463 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,463 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,463 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,464 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,466 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,467 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,469 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,470 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,473 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,473 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,473 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,473 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,476 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,476 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,476 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,477 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,479 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,479 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,480 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,480 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,483 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,484 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,485 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,485 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,490 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,490 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,491 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,491 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,495 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,496 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,496 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,500 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,500 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,500 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,500 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,503 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,503 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,503 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,506 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,506 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,506 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,506 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,509 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,509 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-21 15:20:51,510 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-21 15:20:51,510 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-21 15:20:51,512 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-21 15:20:51,513 - __main__ - INFO - Computing statistics for Run 9, Generation 6... +2015-04-21 15:20:51,513 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:51,513 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,513 - __main__ - INFO - Average Fitness Value of Generation: 793406709457593585373701734400.000000 +2015-04-21 15:20:51,513 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 6. +2015-04-21 15:20:51,513 - __main__ - INFO - Generation 6 finished. +2015-04-21 15:20:51,513 - __main__ - INFO - Generation 7 running... +2015-04-21 15:20:51,513 - __main__ - INFO - Running fitness function on generation 7... +2015-04-21 15:20:51,514 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,514 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,514 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,517 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,517 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,518 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,518 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,521 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,521 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,524 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,524 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,528 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,528 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,529 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,529 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,532 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,532 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,533 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,533 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,537 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,537 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,538 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,538 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,540 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,540 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,541 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,544 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,544 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,544 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,547 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,547 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,547 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,550 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,550 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,550 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,551 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,553 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,553 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,554 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,554 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,557 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,557 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,557 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,557 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,560 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,560 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,561 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,561 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,567 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-21 15:20:51,568 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-21 15:20:51,568 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-21 15:20:51,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-21 15:20:51,572 - __main__ - INFO - Computing statistics for Run 9, Generation 7... +2015-04-21 15:20:51,572 - __main__ - INFO - Number of Correct Bits in Best Individual: 14 +2015-04-21 15:20:51,572 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,573 - __main__ - INFO - Average Fitness Value of Generation: 556112618097099670745513984000.000000 +2015-04-21 15:20:51,573 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 7. +2015-04-21 15:20:51,573 - __main__ - INFO - Generation 7 finished. +2015-04-21 15:20:51,573 - __main__ - INFO - Generation 8 running... +2015-04-21 15:20:51,573 - __main__ - INFO - Running fitness function on generation 8... +2015-04-21 15:20:51,574 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,575 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,575 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,578 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,578 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,578 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,581 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,581 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,582 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,585 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,585 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,588 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,588 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,591 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,592 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,592 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,594 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,594 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,595 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,595 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,598 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,598 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,598 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,603 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,603 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,604 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,604 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,608 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,609 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,609 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,613 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,613 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,613 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,614 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,616 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,616 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,616 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,617 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,619 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,620 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,623 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,623 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,623 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,623 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,626 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,627 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-21 15:20:51,627 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-21 15:20:51,627 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-21 15:20:51,630 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-21 15:20:51,630 - __main__ - INFO - Computing statistics for Run 9, Generation 8... +2015-04-21 15:20:51,631 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-21 15:20:51,631 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,631 - __main__ - INFO - Average Fitness Value of Generation: 775887545373342720261057675264.000000 +2015-04-21 15:20:51,631 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 8. +2015-04-21 15:20:51,631 - __main__ - INFO - Generation 8 finished. +2015-04-21 15:20:51,631 - __main__ - INFO - Generation 9 running... +2015-04-21 15:20:51,631 - __main__ - INFO - Running fitness function on generation 9... +2015-04-21 15:20:51,632 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,632 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,633 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,639 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,639 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,640 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,640 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,649 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,651 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,657 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,657 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,657 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,662 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,663 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,665 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,666 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,666 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,669 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,669 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,669 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,672 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,672 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,672 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,672 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,675 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,676 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,680 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,680 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,681 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,681 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,685 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,686 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,691 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,691 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,691 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,695 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,696 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,697 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,697 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,700 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,700 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,703 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-21 15:20:51,704 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-21 15:20:51,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-21 15:20:51,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-21 15:20:51,707 - __main__ - INFO - Computing statistics for Run 9, Generation 9... +2015-04-21 15:20:51,707 - __main__ - INFO - Number of Correct Bits in Best Individual: 20 +2015-04-21 15:20:51,707 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-21 15:20:51,707 - __main__ - INFO - Average Fitness Value of Generation: 898971073026471687589367644160.000000 +2015-04-21 15:20:51,707 - __main__ - INFO - Computation of statistics finished for Run 9, Generation 9. +2015-04-21 15:20:51,707 - __main__ - INFO - Generation 9 finished. +2015-04-21 15:20:51,707 - __main__ - INFO - Finished run 9. +2015-04-21 15:20:51,707 - __main__ - INFO - Finished Base Genetic Algorithm. diff --git a/genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf b/genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf new file mode 100644 index 0000000000000000000000000000000000000000..236aa528e5b2307c81972309bf4686b76a1f79b9 GIT binary patch literal 14428 zcmb`u2Rv2(8#qo9E+I1|U1ZDM_u6~LwO1kY8rj!1$_UvZ$qo%8qhY0z7TJ50l=Klr z_A0de&bjLIiTuBRuixu;z24sM^PKm2-p@ME^PKm2j)1~Q1Ov@cWtNg21`PFMdt)MWq0Fs6g z$(BTbqBjs2Iomq8csN0^8|c+NJxEX#dHf$a2si-v&432c)7J|MvZ7)Hg{cz!T z3<^_s0~l8&*n2tvD$pT#IFX#82v9j>+53=)1Y37VK=$1%ZJ#3;hNih6B0&*Ui61l+ z5)VQQ8z|!lC6fBwHaOc$tw+?71*{K0INVp!Kl8<-kV&iK)##HC)@{ktT>Ad(MQ2kC z{8v{>6s=75SRXPedgSNc7ruA(r~K);TRq(w2dszfoff|s`5IZ(s&qI_KPZuPo~v~Y zC+2+Nh0xr&CWv2gG0MxS$4bMoCg+x)#EI=GtMP7)RKIuYOpWQ2QX1cdPIda5U+L0G z(P!_7O3?QQo?;=H-m9kceA7+w`sLl%mmilhzE*rU?H>J6k@hvFyp(u<==FtjvR{r@ zJzWdQh%|k;dfLMO^|S6M7*&M#foY%Wm(_==WFMpRj4i8ObE<94d9E}C=G{8<_0|1W z{v#6{-&kschCE-~nZ)b(k}gD)%p_T%uDVV|h#t7}uq@_t#BDxFN|S>s23_WZ_1a}| zr)gjI@$*TJSF<)AYsbSEHNL9Hcgr|Iyvt(hrjmSBhGNP_#Y^_4?=HgJ@8iEd{c&6| zL+P!v1#3Frw8Oi0{rmES=G-1G%Y8JT*A0`4_r}WTIu{)zRtg_`oLy%n;muk#)FFK0 zW%@Lc=g@?NQ?RGnn{!r*Z6CF|iQGp*WqFdLBD_5IaKu2RJDte%R zPn7k%>ORkpg#TjKeT=I{UUj0-$er&Qw1-5;D5=26vb*r^5j;V0Q53}@ z(oy&(V%M|D?gs%Vm8Y+k&g~QVn&CKugr833icfLua}O`y^V#)r*bt-5$N94-SlmT- zUozpfi9lcWIH;3wy7{F$r18pO29YC$0s?q~4S;e#h?4OEN5gmXwRVR(Mh8tP%&k}~ zdvZ$&Gg3JVZYA0Gs-Ka5k}|TMRgKdaSzdH}HfG`oH_XD{qZ8cS{g0Z}0N%kof6v=p zJYPwDXD27Wj(q)eC;d%R^!Opmn>QWSdwV7GkA}ZTr;ZpAuJ_1l%Nk%FN)6mh&b`Ho zo_=MO7~|Smbl)LdC(G`oPD?)p&xM4EKzCVrX_>?c?a4!l`!g@&E8yOz^>qx3I)x*h z>xj>|D^KaBIldh*3aA~p?f%ePr^_eWP^Jwl z?zMu;qdyu$eWImPhgb?Yqng6++=O^RUU1!D#(PO**qe5=czziPofv&|-Fq}6cbvy$ z=jxVwq^rFLf6Q5G_D4`N3?jZc|>Ic(v8d5urd1+o&okSc!SUsEdH8(oAzx0qR zr&!}Eb%+1L*Mm{7S%PlJ?7u0^{mpvid5^+b`Jcf*@_9V_S1#!34IDn%|6!&LWw!iU z1J6+BKK}z2R9oINJLp|^*-+qvc2INI%TI1WWXYkDb&t1K6{ArK73JE27qzKIsK_=kI+ z!f90l3vG6X2s&O7POUt95PEFLORpyIzBCKcXxKI?dUq~^c$Cq?p3FQO%zbskgq-QT zG7oFtu#abqN8{*Pm&_|B881o9V(QD6u?+(o)UU^6BZTcCVAp z^sZZ%_A@?us=F(eLoIw6b4nXNdmqW}sxOj}lK#{LZb|=o_Im42q?S%jRA1mds&f?! z-sgI?zJ2jNLs9zU%$~PQz1)1}+fcaEsEhA{ z-POHY#&+MjvUzg~?djr{PLWUA^3pm?)e=w2`RH%?3QV_VL373Cu4Pt~_q=*<<8?sr zWGDyDX2K=m0ERRYUMP{O9M&K(pBdyEIPqAIE8r9t(Qo%Yl@=SiQ#BlT^D5aZNxGEp z*F)-OkB(hSUTV!fxOOmmW?rV!V?^kbA72lV9ob)rZrV@Fs>UOGTCLFQedSC47igA# zM|#~f%GY7+sOzjXewd8#|ix*{9_G?ys$+!?VBNYOp_ROTRZc;BUq2bhmM%hEoN*G!Sq`Y!h2bABqC z6e1|*vld7!W;>PFLdy;{fAESXUrdDO2&-JIW(DyP&NOB?$t=0aNkEW``K@3%zUt}d zP-;~~W`;8LNAu7Zq{^DF+&bo?Wf2Rawj3|c;d3#?5sp=f_73#{D|I@tkx}(5`j>-K z=}OWs^bOJR7i!@BX6h;|uyeesd21-~lxI!CM<}Cp?T(?>h@bjhN)nP z6*SbZBYT{>IAr!+REjl3rOGreE0H7BWsSgVa`ckKlNl}d*n^8JEs$8&WHW)+1q>JU z*JLA&pE$MEK7N_K52~FCxpXPHNr3(*L;A1;_qe^Q!UcYRxidB<@ewSPZEUQ0uE(Vx z)@LPrmo21Jc)yQ$+x#B4J-g=K8t>Qab1F-xn-4%8Gt%N9R;IBWAxaBZHEsp3m>Ziz zduF(`yy6q|FNXSsz1C!qs^oZB1p9hCC4-JMbDnSZ`coFI_G~*V>90)kB=Mpr*wMB- ziO0Tbin;2%_RrIDY3I9iJ6+8a=NT+_UvWvI_3X(GsFKl3VV9upk{o;CEG|N%KX(=b zx`{iwomDm(#geidEF5C3Em$LbQGs#qwX@bddGXnMJSly8u2jcSaV`wn-r=^1>}|*z z3sw|mJ!A8AePH$U&+k;+)uG1Qs0Mu8*@W`gSw5{>uk-ro<7va37-q^C z${t?Uj6_D&~3m{@z0$;yjP%IC6yuov&Rz zE|Oi#X%J?tX3jhF&+*PvQO|t%js77D%D1%(_1QJ;Dv6csOw4wK(;^b4oTUyqX3@y; z4$$y>OrzUO7+fA%lnkt#_-UlJ)?9P>!%LCNCyFhWe5qc7&illqI8g-=Lo7N2E*+j$rDZcg6448|?cOoDwx4?_BfPA2!k45ux*e zqgAuvQfgxc!uZL)jw7FcD0ElKpUr|BYiuJh@Hu-&0>emc5}2H!77;Lxhu_$PcKK_~ zY26SSUmw`D+@H>DA4fr3=zqR-aMeZZc*t0jgp4-dy&xL*OW)#3X!1S6+Xb2g%wmqW zjvq@huS&@@zf#QD+Jz}HS*_D+*U^bSvQN8NOD?V~Gff+{orK!x8hqF6X_RHBq&_UT2cM*Vhi$iVY9U9e%y!=&+3}cbdZ?(dbRG#2aXN zJSWTY`%{Xvn+>P+;&NZFTWd@2*I|mbHxKlf}dK9U4Qo(4L=OHT)c=>C4h6xd~ZF zviEV|cd=qsYg*|()3vup%&76yBO!Y?mMGH0eYlw%ob;QjAmx+UXy0 zYl=tCxx?oMg{^+Ri=r$rN1XUr7jlTTX+D|Sde^(Sd-3cC9pmQAOCtLj-3}E=WS0g+ zSw8EbFOSXP$Zo^pV*A-0G*w+3EIcMy;;?Er#^&%o+PDv2^0oThPjF?N*^)iUv9BBD zO2@4PH!+HlhDQ1>9sVp=?<60s{ixwf(O|4<4Xin-FH4&aj~?u~)6CW>i_K5!genyqjDG4C@J3<6>no%JI#D?m`#R-Nhse3WaLy} zM&3rr`lY3y?%O@ORp)$8?&h(N&vGkBW%zNLMAQt>jYtYp_|T>a^ln^-Y9bXG<}y2q_dKzIQ4 zfQmJ6p;;%zqt@ZROgsCP5iYpT>ah&B=QrfumrH&8 zMd#jAlupSX!)L-J#^c#>oh`T2KXfeT4KP1;@jpCpI{J&|=y1L9<4&m;oe$$^UFeU$ zsCt~_#@52X*Hx~n1>rrxnx{zEb4dODZh(CUk)N(*gL9rPMZ)y9YUwI&AXd%TtpY zh&)A*Wa<+(1D_5WoDUaEc}YjQ{_=TE`#+`QU;J&iG+)TN&yk7RFf-?3st@=K7t?5Yp8i`Qm`1Ml(ajq)F3Z` zyCLLL8-I?i3I8dEZ z%8%^nG2C$PgUW{G)ssFIwQzRxg^za+CgJa{;$ZJrAEKNd`NArA~T_;Lb{=(9-d>dT$Fu23V$hUTvVIu9(`{8-PrN8;O9&@ zbPC*JU1Q4EkeaIWHSe_H$m~G+_U@#;bQd`qQ!ZL9)WUmVt0} z4wf;a9>v5;%Ug>lmA^3FJ5W)lbV_TyQb_id?-@M_56%u|CWi;ctGWi$Gu^1i)5qxK zSgJ?NXM<(3%0C^rEIA!Ar~a}v{<08#=#@U>IyOJNl6C7v`X>CLR)In+yMW8U-&$^Vx8ZBPNXRTgt zv08X2%g#f0FI>oA_sOWhK{^S~{pmj>+k@s$o{+k9Ko1G!99*7PZMI2QoOn8Ypx^eg zi_q7oh^|CU%)#Tj*4o|LrOd*5gCRHQk5%28?3$^RsG4!rlN_8W7E0BF=2}$jN>4D; z;jrggR{bE+u&h*48JQcgcs+=*Vy%dm#p-%?n9v@YJVlwZ@#-tFW|3EYeXmp}Tst6g zNN*jB#%S@4u?l1l_TINx{h1s1<2zNMvC)-n#I^JEeY2xfGteUL=4E)eBDNe>Tqic4 ztJ_h$wC*a7($eLyaYeXD`wYN^c8ys!Mxn zW}NQ-2xc{?8SEcj65{9(SgF~Ol$t92Ss5+(ig%wJKVb9XKIig9ZW(@fENl@fF_~Je zE0d6Xm7i_IGlhTT6Z%Xh`s9@DgXUYF0W zY4qn!_>{qsbTj&peQ=JY^K|6zg(5MJb{IcaTvhzI8SYo@+=B6m#PE0Xtw zLh=cgjF_j|4CN`F?={qwWs)&%>K;9oEZ@HTHRy9&#SYx9u+UO zi?iW`S7Be~7t2>;*)&4To$e_M@yaz?#_Zn4SG;u=N-DY%2Eq#Nx>fdFoaRl4(AE+V zOb;;B01wod7{~EZ(YSQzHoWdQ9mZ_A2QO+TQ$cA} zS8~JoL%)y7W@ecX*JscfI#|E-q8|~*_zPLY$JtK9e>5+4I8=YS%Uzn2uq%#_t$j>% z**xq;j>!A=yQ+6Tmm`TopAMaSzjyq0wsFOMgGT8RX?DrN@z$>;v)}KFw?5{NMpC=I zlw!nseWlW&UX9g^3!i>{6S;NgH3 z5LJU+Dic`ghAaffeq>vD`y#DU1)c6J6+({^Ejf6oPaB)%CCXZJb*LWob+0>#$~2m% z+ydI2Z!=I0B{nhbXLy#$dY+Hr7=F+CE#ivd(3~8%=k=Hr(){hU56f*`M{9NE5>;y+ zt;M-|7fM4^z0^-F#*u6rDwY)t4QFt4RhD7p_jLy>ud~|zrx*r5XmCj-EjVL+#OQCa9&%(nlaj}E zm06m7c;@;Tv2eC?O~dQ6^=FOp+3b$zPaQrmMmT;JnGL#p$iV8Y!`WVYkC(1z*}s&O zRoyK35b>rHc)z}TwwQb72X(QJbi_7>u;Y|<%TC@=L#f0g2!^&FkPsV+sl|m{9-aPg z>m)4`YU&cVHrX*^y{bTnc+wjK*Y^YJj#umE@07Mj&S}1BmX2|4RT2tBF2Awi%g0w23U*sfG!pV9cdccL)=?eHYInO1{n`A9_Xd)= z@b;%;LiY^V{U=*2D<9P6Xdx|D)Z#kWI;ZL~Kl^7OOFLvvr?D33s;zPbR`1@MGdelw znh8`_NIer12*UcEAuc}3I?mKmtf|S~R|C<_Yi84amA0A{m(|Q|m*na& zlS1?OiPbBzRmBq)SMSiL1S{T^%+b%ggpV%a^_XA9*f~Oc8!>I}gb83Kxar zW3&5>qttIHai_Q8a;I4+3V5ltIcb0B-2i8p!ccS0=d7lpFZkSPee-0mq71w3f!&HF zwGPJ~SWYIJRMd@WL{GBe*W_&qzcYSL8lB)7ofQ z`yg^@g?2)0Pad2#tft|ef@0+nxQo}kQIhMe6LztTvf>=(m16C;4u}{xn*_;VAJ9+} zy(_zKaA&dI8w#H%#5ic2D!UBnpT_XJh3>niH^a{i)Lf~p%w`(O3!22uQK<8B2bY*3YdJ3to{H*N=dv0U zh3qjoe)x*Im*6=q$t8z8NT1=|z9-*?Mwe*p?ayozRDpDLXPeUq)D~}dp=~elIG{3T zJi@ZbC0`unLZ^& z*DkW_yTA>eM;_NXq+;8d(b}AbymxS<8h`GlTdMJ`bAGaWn5u6ON@+ui-EAku7Z~bH zPTp_YtB|C9%m0zd}@bqnrYNu(Y(pCd@sDgBt74|LdN zbFAM(u~DUmOY^wWKHF~>*(dV#@3@W32}8~LZ$@4t*~RQlqY!yqx;HkXXz*%uL~3%$ zq27h~{CSIKR!4-Q{U*oT_w;qpGd&s9P0Q=S3xt^pSl-YIC|Ez)qQ z2SD4~{I*rasY_YN=Ez5_jBzjik=!>*^oV8eJ861uD;XlD7w4&ES}Ca>{TNP8=nDKt zJl^unw2shxkIM~i)?1Hx?0%e6aMQkQ*(4UN##U4-OdB$w#OfVn-mv13r|Mrt`I4XY zg|h%N14~`!416)5@iY*isy;5OI_IhK^e66<6Rv3Zkj-9peO&n69lm zP`Rk=LfUvlGbIphjev^FqlTXDwjK}|SiFh1B@tc7MU@h8IG7CqfB%kvYD#5W9|F0^ z^Zy%-nTrF-*#`=|MS+N5 z(iRv{OKJ~zO-U&141wqgg?V}a?34U~5y_cI0LG3$Whn69#Sa+!0Bpm22z~?)D2(9Z z`RF0QmeGpIp;&);nQPDd@E zSUCLuMT7j`;z1!Kp=dypXe=Bm2~<;HQCNr+1`a454n+blfKWjB6WA~So#1(JJ_>jo zAonO7IRAe&$nWzgU@q7|9KRa|2($<|C;-6Pv628HDM=^}2OIT1&as%qKL1BPG0DEwKveG~S0yF>uB?}7!TtgPhZ{on7Y-!+1Xz&0IiU=ed zWDV?rM%D+o+(v_7e(CIAR2u_;zzq~gfMeh?3`i9~IY<#`2EWzyy9cO+{3e8q0S)*C zfNe7QpdI{+ADjj9L^dV>6L|bD7LX`796~<#3xO0?3i`W&hOl7+pdD;(WLX1t0oueL zjcgB~P5f?TTlr-ZpgsKAK)T4s01nVLem64ba10=KfL723wrNs;=Ofz%;J>kdwBI)I zy9b2==p91t!SNrBtm}>Q;GBOOXcwSX!QSd$=kRBqy5XV8^_+$q9v!GVBL^C?GY8~K zJ|H`M1h{Ji%-V98t)xC4tq!fCH$LjKCI*OXQI~VE5n%0>lnL0Av^e zxW_g|j(|(q7`Z@!+k<@8844(kJaPx_sg02*U|rw{0t6WH<^{+t@BzfeSt1nuEAsn7 z0rMtbOM;Tqeqf$I;Nmu5eo(;uld)_>1Hfp&x&OK6KZA}sVB#C}{&yZc{$1swgxL7H zLkWQW4s8E^H3GA@1xjPV_@;#XJq-w&zvACt)BYgg4;%PzU6B4?>;4A>S@{e2JHC)V zJn{4ef+n!6wu=LpDv-ZVF$BLA*`Q)|Q;7JZNn9VSx6le%rVStC<0z<)ZfNVFn_)5Rw?cz&2eAh#USFEeIswHMY!yOTxFV3w$C3g!awz;0Q?|vTlKas{IRwz;0a^ z4ivln#V-={c3bh`fGDs92FUMk7zX~=wJ02T^Mk*CbqPnq!P|Qa4D~l3XzX8dfup7V z(j^>&06pGjd>HgLFdXP3H_yXvqhBlks-!L|Yd(0+IX`pq7Ut;Q0Xp!02Y^=?Qu>^4Q4b3;}Qopri01*%C=) SHvzm^LrX#g1l07@A^!&@PPX9y literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf new file mode 100644 index 0000000000000000000000000000000000000000..ad0102335ff02b63f7a99106fb38830b9cb459df GIT binary patch literal 13238 zcmb`u2{={X7dK8aU1TOv9b}d}-|L#^A@fiamFXJFcwIweY9Nx3Ari?@6fzV^BSMB~ zmZ3x_AsT3qcb}{JX88a9p7(ig&$jp3XP>p#UTf{O*4gKigt?C1RSom zLnz3{X&*vG1wvXM@Fhb?ZAYr3r;i(iGB@FfCiPVsTJB2ytdKuSjskS7OIA*7)fAglGe*8W`^Lc1ZPZZK8f zit0!uL%0P3R_=~29^P&cVS&7!k2e*<(%S#AgGPalKMT;O_yqVu@KUs`AfygC(8HN* zsShRtSJo6qZ+~A$3fbHFz@Mcqj8{{G*9vY>7Z!^^nvh*Q9JPFc0qZb%JOQVG#ba?; zA|AqFPzq=wih#kxEL)QOeF7-XKuoY$EdS7jC5J$21AYNfe~3i8_aD#j^&gh?JUoHS zAf%orShx<^*~bN_z?kgqMsoMQ=sCvh{>gTqH#Y{?PJLA~_OafaJD~R^N+?rXCE9g!^b^mH z&+qmfQYSJG=XU3r+UO*I568TJcIS&RD34P-b^>w7_2SHp}KUzGP*`3n#iioqduZyk8>psgg5t2=h%h5W^%A zVsoX{tNVCWSHe!0jiG%ZF37j=9m8Z|gk~v0@*&nmS+Xs4X!}@vU1IA{dP@m&K`Ucf zwJy^1aNzg+>LYuqH+30ZHxB1M>!+EV?HyE!4hx^XI=HhY`PRO(U4oR1pO~8?5>B;2 zyh3$-0=E?3_e>4#J#c4xNu_uxOpufGRx>&!cl7OL*?zE5IGr^q`ZdQ_f{eRxx|ynES=gh?uURU$ng^C~bn9F?`9fzO`-?XG zGyA>vJJpzuS6>?0c$(evGNDu{`4E*!>vdn7u==Y#r+%e&Wfm3qwl{Q471uNs|7Z#>`Dg{|cV@ zN#4ukPw2c%6;B6Ac6eNW59 zSbo|(CV!|2_RYUt#BVQ6a~-gcL8EYre_S^jcBHFuJOoA9;s13ySS-N`Wqt*vYajLmtiVz4T<=%{!)RVg+;$ea7!ILQT|Q`1hO3oK8u< zvmIs6_HyFQr{*p4YN%PGLDv)Y2jI&PYwknDd&# z?Q$`;k^qSh4>F-_xyjs&it?@(ZybC#NbZRgAUceCoY;V;4jd{}NY#pJl=zr&Fd%gF zmYGoSJ|RlrT5jzY2iASH0w%UqDmjU!^l#?F>nFAjn}nngSD$3LN!6Xf-qfli8K<=vhixODQY&k}ix}GuUO6%)>nQN_ zut_$)=!k1og0o9~@XS5q*rU<)JmzP@Qdx`BPd@Ht6))5`2^_yyVMmx0)yeyYl~1|b zB)x?`#?*NW;?b2z?kLjDD{(i6*+>F+j*-u1%Cmd9OWX)aIC`futFplH{`2hTpMEjx z+J)w=panSVT$L8Ei#;dal2qEK!9Es-*bPMnwr7nn7KKl|icZ;!(5~7Mmzf}t>hX;% zx_#>@h1=tXUa`W{GcAZ%-eenzmj&!e=HFC~THkhSt-JLsiyJaZMVva7+$6#Fi#@$x zL1e^vzxqk>Ak`3u?eRx==v(=C^Y-slx>28b;-^X>z4{w&N~vwNh%>(dN3GvW{z>gm z2bwoPuBX%D5W9E83WRG;ozpJ~o3XXFg}TN?41MEIm?uRBM!hs(CshjExQP6|GvzcZ zb^N&4#Q8fshHY6+yOq9ks!`=H-X;vTmL+WaZXmbc_+?O@p+}q8snT>^AEHl~YK_Jx zg$EIP+96G=XVM-AJB!acOJ@p^j|Pckvg4XWV%m6BVz4|ZpTnfX_ZmsoN++qWLF8Jb^$Mzi-xXG) z8Z-gBXzQ6IDzB?Yv1)K-VZ)JU`gFKd3y(i=iK4D%nuT!1N>QBU!N1L>%Vh+ z>qc@@^|{MtgR@d^Yh%MAza6hVmn<7yS;TZdQtzBH^-FSPMrf2ty{#`#e*WY&4Jj4* zGu=C`TBKeH{cvhR%&_ET-eb0SmMAy&@hj|CZk#a_p&z_jShzP+=G~bW*v+S_KN_6T zayho^!HnN~KDW?$I`uI{>dV&_&0RbaL+16&cs?K&Gm5EDb$2M;vFH~ zX;$OZA8pv`qCHR;Y)Hygv%u~0QMzW}f4j~FE66{G?F~CRJ{;+SGaM4_dP{k`Qzk?$ z{iSgD3jD1$zrf&di*;dP=-q%~zwv|r=N-DV%Z&%j;<8`P?=@0dZ_F9Je&-vWASua; zj}=F21(Zbg5~jDkVE?(PYPjLyG5+~3f>_BxbFV1l2A!l%-9GnT@xG6;IzN&Sdy4v< z+x2@(a6a!|H2&&mew?Xad>Jv7=9-gY7XBc~6l?;nv?9razSs2Ym{!rfJ=0jP2x0?|&G4a#Fp| z)^4Q`vf6}*xL9^rJaIcn&Z_8m3ZsWtNY0GgBIUJ>T+(98MH9(Rj?oPmLV4r^F=2cvEJioAO+@x*s(I@LXH(pf8x)dC3f47URJockVt1@gEwVZBai$Tg39h@VteLMvg^-`v0cl#=AKFh&9DkRd$H0R^SIcVz z+MLgl@MwB8kIkO?Mo-^kRkVU|R-3M2FpERJZlX~FgD98wOx8X9bH9AE6Dr>KMkp&N zb$MQqkbaK6&cGWw)oh&NUFTAx+{T|XAcXRt-FDiu!FbfvUOc6gZ@@Z-C84#y?%lcA zP@RsvY{s2WJ2>{yyCn}F8b72k63$G3&D*O6 zCNtLG4Z55A>Op|80Evs=;L&<(lZ(6SHr-?n6mebiDIYI?SZItv-5Eg)@e4M--#s26 zgkKx_e7~8iIYv&TcisX*T*tF@((O^$i4uKkX# z^@d9-Ts*$Fd$i}WJ`552A6>6({5-qIzoHJsZ#y-7RXEY)>MRlYW>$4@?AuRSz zjN4D-I-yQz>@-T$B$>~V>^oN_Mh0Y56skZTlC1Mx0|QRVZ-ZWBx3}H7s)OWhm3f#e*U+o`ts>(@ zZG}=}aXsp+-RFy0$D>V7Wsb-i301RY*I$htNegS>B;qbI2b?gv$I#8?Y z+|%4=I8rI4@**I_Ou<{Qor}}uy7jE7#fR}u?5z*mSXFth4cJbEDQA|y+i*tlL-?fL zvj_2|?xNw%Hd12}4!u^Ax;!qX*KECyKh2)Vl`iy;_7{TQcgICr4m;UgieOjvkwb3*Ve~GTWGeB@X$WO}%j?0l7so$TmKUEV7OLs6$pa0Bw{+R09B=Ta^AtR&eZ1JTy?6iQlH9ab{1BQD%qg0myqUiWJqMXz{cg+)5ILT1f2%1S2DSGN~f>a zr8U?$d&h2@%H61*UO>dOmv$Cc>t7%o*Tc(+k3iZ-LUxR{O<44})Q<&A1<`S&|8(KXbw zzNBmDec3M{BfWWhZJgn~l4*M>W%FyD#nd`tq!9CZl0$uR$-3w6K6LeJoS)C@HGbtk zcTpbt)zR&Gw;$bNa7AjE$yC)(sWHjdQ1Sj6jkuCGe6>>>U%WvImLALe$QqzTHmSRp z{qjwd)+v@rOTRTA#e}_gZ`8f&X*R-Ir7oL{b;{q=(8ZecB)Nl|FP-U2=Y}6Ou|j1h z8iuoP^{L+@<&6Ch6sS4;dIiH?ZQ{N3U=LFb4%4pS=y{?ABoV`|Otgc&TSc+gwG;#m z*c%?uSF%S|Nn{;5W~YVIOgUuBRp2V=%4Mj?AePQV*HXp*b_HHmo5wDFA=6E~9AjG;e&yT+Hjlb~jqkxnf{&@P)>C#j9_`{#@4wcDt4qN2p7=t(KYOuU z!?crmy%?`ep5d4AIIQ)%fu~NTdFSnsN@6^1$%B_P#1AS}G-=!QWP~e~MSKvQdDD&i}#tiCuQaKZ`$|rHp>mMlxt!3rsS;JQ0A(8ZgMt1!Wb@& zC`GQY*41XnOZ*9TCAp_@?NAUjmS=8T)0O6n5X)ww%L!w@y27NZ&OFge!iV_{Zg3<7 zycpY1$H8&p!`6b3f=1sf|l_Cxx?NWs8M3J~kp``pWXwp6jj0e&_I_GVF-iRBi`#<~uyU z22q+g*R$Wv;5{zJzRiSbzJxMk**mE!;&c933iV^@x3`~LA8xHPRZY;Tz4WAZ`c$FF54^F1xB?OF`DZmvV+=8ImMfg2 z;#Qk%q6z55PCn6yrygPliMf{kM}4M)+0@!?lebGmO)4WVlxr{rNv$oq%E;Tri1ae5 zWmB_b?YJL2O7O<>46O}_+>t-%o?;nxz0o6;I^|CAmt!m8-RQb5BqdMi9G4P*|M>YK zO5sGuH+|nPd%x(HPh_<>+;Mrk?uhFbnTdmEHd^fNbBTE5?EP$i1pn9KD^-^Z-X7`c z*o{56cA`jRe2%fmU+KtlL%^*zEyQ9Mzn^WjBqeM?v$xJ6!X4$!U$%PzGYoiylaRywx7S=YWL?Vg*C{1Cc9rQy(I z&#cg zRM7nc3JDl5vd(@-x5N4O8@~>}I9afE_vn3czT%p18M5~nwq>??o`-%lzZ1QH;VLYB zw@s?rfncjY7w5&}ag(>F7Ba<&v181O%?MVRI_^BKKJo6U^NeDtLC~~VrNjz*pSyoX z9axuRBC$jMh2*tU8z{m8n%mH)gH6$w@~U$)VxElETr92$a7}&e(fXh<;*+}#_LS;9 z{Cla7CZn@CDpf_JcIV32Qo=N@DxNhoM~9U;Mdf7$Mu=stf2}5@pCKde=j4s}Fe60g zddsHf{vcx?J@LQ_t6X&o3qBew`V?Ss!>_N|M4h>~~#|>*W zitAjqUAKRqyuISykbca2K9g^14uwD0eMuY~-PA2wYxOKGbUjOJgGxbytw~yF4Pz9N z-6Zz<(N8lhqjF4nDBh^r##ibZm0M6Az8|d;_m}K)ie0B7FJN0K*H*GY#=3d?L1n^q zW=4u%W#>s=LeC6im@U^n^7Q6G;dCqB9~ORL(}Y(y)9=39qIo;+?kqtu18I0*FJms(Nx@(1 z9(FgECu?uvn-05r=a{%>BzLaaxHuPpHt5bwWLT<6ZjYO!(-Rd5E4IPZ2_|*#i*BD6 z+TAUSVA{TObB>;` zvTILT5AaM2sTIXM&3^H#Yz&pDsWq!9raXmWx%_FG(AoI0>wG=&7vbq8=T!O4wIP-} zINv44)J^l7d!Q^Dj_x$xsO{Ks`ayFVrdoL5n#tkIo~hO)hXYlZIImqGUt$R_@^XAH zKgE7;`<|L64)sK%lAxR0Z$)TXq0(0{s?{c#%a1p?!IwGhP_w%%Ovg{ov=nUn>T`I! zGcrGD=Fnj!&FLCpnJfkGZkrI{lc%yJ>B>JFYmdKj(0zJ*7x+Ny?cC`kdrSTM7AP%X zdXM7gM4tZ5je;9PSKx28Sr&1zyT!+s!~8LX7Iv}_Y#k;~8R>#UjDw~O$c>!o=kM;~ zs68a^8&LGKOMLfr8QpZ}jza@}#d{6Vda4)22m71MuJ82~;0arSpVeksSkhvKR4t9X z8Ns)qhcY!91s_c)*+u;meGztN+N_HaNQP_ZlyvqY3HA5M$FRoXUnslZSWMsa+~+nd zI-x))oVBIwt&M&`>B@8}Hxp?=Hdk5O=I-dr)1Epi&C5x*^>q~Ez%7yaDZz_(pIpCzp@rQk{-*q|wRTy2KHC`eOIF zm?Npl#Ty?@#pi#tySqEq(cI3iXKk=+Cs%iW(g|+tc$bjhPVW8cs_*hFFjp;vI8EFR zPW53dKXn1JkDB`)XuCbsl5*HGY|k%yZ_n%#NgwjLHw_8E($? zC!cs2`dU8TzUPCn)WCM=9ai@=I%D4?7o*E}u}+#L{JAEt-$C2P8J9er zpep)j;=E7YCAipm?sbf#ri1Sv00F9M__L0Cp3bHx3EZmE6^(DR_^({}dAYq@B%4z* z)TioXN?Y5-Bm7SSLoQx>=)CbsQ1*}SKj{_da)p*F6y$6FY-WHS(joghQ#^dBJ`@PO z0DMB4I(h+skd_B^;pJ=xnc`>#fK6L1eY_mK5l9##W#UMsc+jv*3MdquBY=N@TL84A z<>*hQVX6MV$=G|dYK13uzNHa(gOk@cuf=PBjBqD@#gwQ~6 zNHVCvY5^3^9YT753q=Id6QHud!`@(e(857TFrz=<073>p$Uq1g1g~iUNcVSTAOIqb z9e>LNgQuM>{K0Ab8%SYw!zeVGjA*L-ACd#0HY(X`2T%}<9dq*s(n26@4Hnjl2M4LY zxqx-@j~&s-{{I+}iDNL$0D#fqfMm2CeSecBf|FdNA%F*ZIBR;ld6MDDH5Yh>wF%bw zXIX!;AUlYFLjAuei2qwUShOO91KPw9P>>=xnIK>Z2ofFz5dppf0|0$kfTw^99`Fg@ zhsR^Vs{yUX65;Xxt04Z|$AYnNfoc3Hco1~aC|Cf%@(IAc2qZ;_2#k*aOdAg-C&C4f zfiNUI0u*4K1PBijLq+hhk_arFs0bJUHb|@C``{3U0I)qo@H|YDq(}nwLLXey7K0@s z;2LHEUKCsizs9$=gJQ)ssG+a_Rp__x4((XIgv*f#zY+R9OQAa}qkYy&G467YUBy8ynN@K5<; z6Mt%0C_wKBS`D}VDKuR#+=s{fEwEj{T7~P~f1Sg>c^=J0Lo{TXdf zK@d1#qEQKiLnW=X5C}jVfGPdwng5M9dce9DX#IEp-xNd>vw)@61VFw&G3_r#8|e(9 zB<%8$n&>~nKsfjv`j!p*Cpi40{{QBMx&94p_^%UYep%fKJk097Se<>oh0j8Sj;p43XL(ZjjlrShX9)-hT&;%43gWHP2Nuf|u zGBg~!OMo)~X-j)KQhhyrsGc59kgtm?3QJg~OB9y0oM#*wb{z2UuS~)BNZ3g%=_4-h1NOdb93Hz| zzaTy=lL1~41hOS_5HP4^awfn*XX!X1et939%q$s4M5C74Gm3~^E(0QAxxFZ&mfL|M zhOmr3MX=YF&a0@1U&adw1xFwF_n(|e@JEcreP|2{4ibOHQ7Mido@5H`|JN9LyZXTI pFEsyb>Ei=?E?V2lBLuwT{02HZQm8bSfX1MSiUL4V;o$qxGnWxONqKp^U?7D_bDH)3pilo61jm8F~GGvTM zNy__*lrlG<$+ypy-pK#=_k7QHd$zsL+WV}%_F8MNwe~(MF=Gua8MG`8A$Ij8bfpr3 zhER}?qdP)T5ki_D^d&<`bqAV*r;jUyG)K}cOMfL85St^TXlh4w>8&0w0g z8O?!4hHwiA%-kHDDc-ISVFA6Ck2ej%(%b)$gGK?s;sUg(J^{WEycBga2&q91q&SgH zwZUZI$(-uo?eFVAC3`y^TwLnH_}#nVwSo@X!eS9f1F|#4LCq%^kPf5A6L7LvJQjx~ z;vpOcC5tAa2pBv}vMJf$CxGe%*aWl1bP+GiIRsK2&B6-izI7NJOR%j zq?RXGxCYtD#~Fw~pX}{QbA!;ZaOk}Er%}lcUWnlAu}p&#-Ev$p6LWmKOIh46e;*SS zeV`Mns?c|Y>2;(A6E+L?V#MLw#Eq?&c>2(~Dyllyl=O`hbnm`-o2a~t;yA-m(!t() zcU}SQNaXnHBV)Gjh_MyKzl1>aMQ!yb2Z;)eooY{SyR#{ ztVDr!c<+#}3s(+f%AUH&TC1Bcz0W&b%alLwjF69*!T08;U|P>*1a?Lo*SK1zwK}<|1%S{JOWC5#8~W;Ggs+?{kNfvX}_n|?UI8o zQsaJUUk_s5kH3H87p=fQY(0Bhr7~%(bVTGebCxWL1WA44e=5DV}X?1_8G_gxL5aN ze~^fpX*J$4*Ux5s*jg2$d0eh9+SkD) zjoJ91wu4&_E zbZ7asnGbPA96Rk4*|^o7*Oz~v-S=cqMSr=eC(bKt+m(^G24&qcpSb1ZN1ZNGw)h0! zJz~e1=9{`>WLzTo0fxXyVmgoY}+7^t({DJu{Ndz97Cf+H=Zg-~vcGDhK0 zEU8*CDj6y9Y6-#uIt=w~Z;q@Vj@-LWW%ETjmh0lNQXC8q-*JeqF!7)6?SI*3In9MI%l2aYV#`mAuKwAWC!x2P zqDrUyqPldyeenxnxbh=p-7C&6Arb4pDa8Egi2oPoFu-O1sXut*Rt|MEYn3a4zmRv$ zVdosny8-haUXK+VHqNVAH>I&2ENX6-9MRh?ug`f?_Fjny+qD3((UvSIM{43iW@$<1 z^Vjyio5c@A@)PafQ4%-fX#+-@$h`Mo^p$n-WTXMF{ZOI;+R4DTvkZ=za>7?>uy325ln^<`?w<#XfEbx6@ z_AKZrj=S51%`k)Ux}oy%4Gi`o2lhseUe_S$btUDW^Qmr};Z$KTD_?;%e+F6qi#2HC z63$>@ZH}ztRhMPhoVI3k1;lW0wwi5%U4|KNsz(Jp@4IK_d$|4dz3?1bsr&f7Yeyxd zie*&PWRZKj^dh>&`ts|BthUdHm8k7LF_zV4+Azak#@iutL%U<+Eg8gG6CR~mj0B%Z zcSrX-`Cx}ryP0lq8A|d8vz%mDcVoaVIL$EXzQPtv|HhLko4Iy8$kIDzpp&Mg`(5hI z=e%?rEkaz%e=d|-#Ot2h%*qE@-+9iGCndRU2ai&`PAT;+(K4<-*($ZsRZLuv>y>zk zLHYf`m+9q4Gf%5A4_ik*rIl5F71FmJEIvB5%YpxCltB)@=%`D1l9O{?@Jy|Kd~{45 zxAB?q^!1ldop|zcy=Z~9LEuPfVH}LcQEFAuEYLoiaxjwvag~dv8qFD}KxLOfw>$C)G;q zMLv6q@tk6``90Ux>Y8WS8zH@P#L1JXjbdy+*-!P$3cYpmP(C3Vq!eOrar`JZV=FID zuE$>as=BPi?}`PC%C9$4uUp>|a^lnBsPucmH=+LVVAE#E<#a{@V!vfPe}wAPdF^ZA zGuGzTQ0JJCuJ7?gPUI$zX;0JrL>8hynag4hv*ZobX(=4Y|Ehok04dEXFDljk1wBf+L{G+#k9@JV7dqCpd|OSYatvciTs6uWxRxg!Fs z(EGuTgQhh1iF=k*?(I2KckO{Ci%wy8r$$nXTl;Tj#GD4bDousf-VgoI6%| zK6O`2S<$+Oky_^!XrEKdGD8m=)LHv-=jBb@RFP1WKGSPiVUk`PI(l+kMEBZ@+$U_u zSr5Cij}@~QSDi5uVjQd}D6q?t969qGyZ!X7Nu4ul&T;!%X8hjsx`xg(D1VT{uCP}4 z*tMFqV(?3yrjn^H6|A-D8(-L(Al(VwOA>GAd)9pFKE>sfz`$A%bgZR!mLjz`VyID8 zK~LmX7>n1*ZwZ%K^1P3PYJT24uT+xP>4t$}-Y^_n7zJBbEje1SG zN(sdg2Uup#N8HW(Xyg1n*D0#YCRLyL?B?NM?~vBs%Ad z2YmhfWROJ1abKk=-OB4P{`F6Wvs7I$#~z;l?3Q8B^Wm8ln%t%FEd_C) zsNd<4_RDKHpONPcKl@ppWNBZ%ikM1v@^==c?B~&JoOvA5!Oy=coR+^{W^yG7!WyPM&q)52vJw%sbSZr=H_5VLFCOpv0~)F;=bx{hOD^4oNB1#zx6s>7f$OT>vcCT(CsvyT2qm{Zvi<%OE)-MRngKQWB? z*64l1wGmr+8Yfek?biI0aO*hV7MFwx>&wyI8$7ob%4S~)j5ygNi4xzuS&n?dOnBo4DcZ|{CnvXm zR;qK|9jkY@;Y(p}yhbImDfvm3-g*OEZ|99B-gZSoUUEC6YHEALgPc4zaw?aJ8->0l ztrBQ;F@zD`fjO%UEiss-;fZFlUJ{cqm-1lga0xN}W@6+;{WKZ7a4Iaw74Eowzxk~=^+-&(ysGqgUDo8?aQ^dV#lo*dP=c}(K zVf%@>A9!6Qti(M!4!+YJvHRST%h}*3`A(o@tZm1P-6gZsBC}A}3CfR4w;R84CVN|w z{^k{S)j=+9DX$Dns=PGN>>vK&wf&djgU7)fHq-rIeAJs+lWU<1NXbiL{9hjGu@A7= zaMlc^Sg0S`ri>oNN-H%Fbt@0wX*TDr;k$h1w6TEWzz?^z)%-N1h*S&9KPSlS{_QjW z=5n2~7suIO_0bg}kN7$w@OJb>f8RQu(#`F3igT~rk zf#gT_xyMV=lN+ep3K6Ny`|Nv0wwN3{B9-=RJ?-MN`pUL{ue|*dNK{8o|65oY9M1kh zuekPIeyDWVb+zqnpY#=ibVct@7VvCz;bb<=Je!g(ujCkhOJ)8XS!(uMbH~RYY=xXvCEv)j!>2 zQ9dw{x#>aBgA4z(1Z?3aaq;PNZ8A3~++V%zE=!=0%bJgQcQl| zu>e8*+Rz>kBNtMfIY=p+b}mdtOEM6tguH+xqx1R||%KHbvoZ z%%%E|5-&KS5>@uxd$YU-6z6;k2wD)j6Tfu`fLCx<>d zOQg^I9NUd)wv5z`XV{4h$Sf^TgecZ#ja#3SE; zd4;>$y+L?Ifivdsy9G`NnD7nH2^(FE9oh3bOmU~MZ752MpL@uxQzfa)_S*CTwJ#fP zZ7!`ykl^TyRrFV%DdF>2HI7FnWIUS6G4ZtBq?hIQ$ZarfFQ2s1EFq60-oS z{SWEToFJX_zI#f0w0xt5_bI3D<31gCUyr>c&F8hYmZ}olJ%Q-g*!m8EXw~+kc`DhT z1-UYVV_s-^zYFwjudc%$C#?}^*ymgDB=d{y^Py}O39fdpw5j82mAdA9e&*-=^rtSD zb|m&3&adz+dy+CLoOo1ES4{j=gxRk7a!H$A?_Ox~6zdEfK52j(kXBYtb!xVbl*B$L@YerZfUjMG{?)8vih*|(V85=9?v4a3LFwssC(%(wWK{i8o6 zV_Kx5@50j&D>0MI#HW{%Z!69pKR5N0De3%P`iG09*I(GxM#{@?x-hrE?NTw0kvoQ8 z95L*&j(*csQxtzkO;$jMy}pI9j6JekEc-~DjT%lh?T9s3zKggEm#!R>$fXsBhBR}6wTy20c+9h>i!moxq~C+-wP^hm;JcJMyc*s`5JsQI8JGO9d&<0bSH;$ z|IIdBbrR-f;%D;1*}@VP!^bR}M0l)nbw7_KV9iGco;qI7y=aS+7vXM89lW9<8YW-b zsBY7j86kh;(5UbP&-|`kZ@nEDWiOAb%$aVV>ORqH@;>XriCt12+uUE=W33WNyBTh4 zNY1VdWht+9m9qL4&Q$nTK5~V%t~M}SrnK0V_@2RKDJ!5a&C<4}Gs71llCzHCTsV8h z3X`rr_FHD7jH@<+I})%}*oNA}#)uuQ`K>>_c4X(N5!ATTvhuSyzi-L2;s zTOIqx+nFG?OA~prSZwAoVk$g-n0MyY(~L58+$lFw1RHkOyC!T<7I~>e zWnGZO+M)_(o=#?@mtG~?ZkzS(4};$kyz$&aYXc%J^9J40OvCRqP||5rZUlcRwrf0F zT{eWIkmYP zJ;R6Tshn;4-QVVEx)#jLmpxk*hp2TLViD5GeI_2Sd$e56*G}HJ(iT0T)7K;)=h38T z+niDBsv$juu2-x-GSN3HxNYugTXPx9LuBuapyg=M`c}1v$FSvfyOQd5HI>+Z5V;&0 zY?fD7wBz~UvH9H%{sKq%Yee1dBj?^;5e=@%(|n=i(pPT7nL*J`=go*3qqMgU>3xv4 zY8;${di(hl)ZDEiFQS4T9+XYOc#$$!_r-?J>0m?jmE2nwGGn_x+%CL)JHRFV z38l5A;m}7nE9^<7TKs#7NrQK@=M>9}-r1bL!Il=TQXzL%*BBjs!|`x#cHkkA>`njf z7Szs^6!mlTMvTq~GPu-O-F`U8{ECryaD`Q_HfqCyTl6J&<0e&p4Jh^xcxHjgv$N^A z6aF_^`tEV4DDXLKUaNAs+Ii0%+xMv!rL{xavF~{e=62f`eBbandGOt~Ug1i!XBnZJ zSX=8A^OLL%GD2@NA4akp#NUbjIK%o*YF#dh=Wu1iKgud)J5UtgNwZ{+Yx^AIHz-Q; zTbD_-UE3^a-eeJ`K)A!gO!X^!d`T#a_twiJljJyOZTFHJtz^mRs?X~;9pxL2GvbYp zetUR>i^!A&lVj+YUPmh{N|L+!z=E`iF!tEykImY$^|k3G-t*$O?Qi1Bup@9 z2@8c^w!%~kr1ZMSJen8W-@6O3&SLNOb6URQQMz&;opTXSOe>z;`}T71Ba4$$$O;|^ zx7vUeja_E#PPB5Y6=qkTFdyKa7TjGF`!whI&l?|5S*mKYsv-(gDAubVrwNZ6COa?I z5q}b%UU5p7-d-7EYRNg099uojXG}qv)JN~t->UA=e!8V819NN3z)gdwtDfoR*P;Ry z*KyvwM83irQRLY+vtSl1mpG1HvC=ZjC&*yG5&pqV34@~YFfw@7BodiPp|Y&mfPLL0?tg7Eeb>|7by#>@mQXNjO|`3xc~0%jax5_tYDPAdn_FM7e3h#{6}^*( zlR@U+!^{IULi1Asg%5g)qp5YF&TH)VbbG5jRPPkj*{izI;advdyFB9?o&ys*A*=4I z(HCfraU2;8k~LR2;!hX$o{v46o_cv}*VOU6Nt*}z;~k7`Z2Hy)yFBLV?N3SEh#l(` z^xM19Ls@Ag*922xBFJgr8aDL`WBRcZpzUgU)uQg&p(bI!V_5g}TVK(EoIX`H^e4X? z8AhHnrzI^@CYcpl7@6+==ub`T2>n<3xNYC4zQklF<&qH3wVG{?KcbX9_0HHfO2umO z7FO?Mjp$M3@e8wVm~qb42r6fMCd%{FO^l13yS9A{H68r$AaGFS!=E(Vay7PfCv8;P zS=#U>o3HrN_p6UegmO5=Lw(9mq_wpb9_8x}3@NCZD~dDC%^w1nhx8;Mvj9gLJ(UVhsKSC|BsT{t zoD2m<&{Lxp(}WhVYEh{EG3$`!`LxT1rkec2gMF>uc zQdC4BH7G7FWH_Sv!5NOfd zsASM~0jW#iFC`GP{Q(D%{^US1U<#Sy>IM?EyeZ%X0>GpOfy)FWNZ`_jh$IMU1j&Jk zOd&bYWeJgp5Yhoc1I8iApu#~&HwZ}qEikVq0u8?PBE7-fAeRYrf$99g^bj%tLIy&} zAb3FwNoT*81-u_p-{BWSFnIdubunw>jwa&sq@!+cN7ZtET{!k)1+W#L7GH?i{OCM+)4zNYt!S@$hBDgC=>Vi}{ij%6h zt0x(rTy=qFSd?I$i_2OJ4s0L-3ibb@ApURhV9|0A4u}#*KtXcgV?<@!pwk~0N3#RbfLiv1T+AK(wT(^@6egD zNE}?#H4UB#2S1=-7Qtl0OM`1r=<&jQm$e+D>U-B>L2m80;0?|@cV2UaK~ zVEX8K0Sr0ekFux}i#5y?Aa?}4hTDG>x~v!a;W57ptQW9U;d=jX|`Ijse!05pN#LpT1w zpwS=HAfOoZmNtZeqbPt#3+Vm=%m~8#n${HXe*s2!D)f&ffB@L%0GZMeSi)Y4-f{rS z54V87fdCiiFbddc3oSRGPYW$i2<#DhFTnC^B5$y<7GVBB#o!hK_!iu+IRYTeFMKqJ z9`FMif*|mrmX0M50=G-_)`Iy5z7l@=&mRBjWwd}!FTD3(Km5G-nOzmLkZr6AlGzqL z+3zf7q!VzAFk+-CdT|(V0>2#IU&H<&;SZtzH!n=*uX+Ci{&A!BA8^s3&=aA30)UqU z)ag;2;UIyYFKr6vE-%orkmUW}yTBR#o(8E7vW{sKA8!pfDSM}eJO+ivqi`4unt(!M za55;I1PUb~Nze3l4sZf#%sagtXuh64G*5~nDLIXXCb05=DQ&{2WF?9UM(4P6#1 z4Y|>1zVb-qf3M2=P+cYeU`H^O?1DgnPzC|~!>=DO|9GG*F3@inyf5G%WhRMO^VA(hlaKp=B7&N>^ zmyW}LMESp9c+_(GP#8JVUob2d*3zZ;uy}Z*E`!Md_qz-RSnwBpIP70MMd1jrC0mLQ zNBSFv$NW7n9#8mdy?El^Ya^ik(km1J2V&%9^Ahl|aau|X0gkzr!{k7;y$nW#PYKIm zIM@-uzu!6p@_hf6r5pXeEyVu;qt*ig literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf new file mode 100644 index 0000000000000000000000000000000000000000..688422888abe00382daaa7e511c91478c3c17541 GIT binary patch literal 15323 zcmc(G2{@Hc^e`c^MAn452odgnuWR4;eM=$P-RxXTM2oT~*-0o%RCd`yWXT>XYm_CD zElOzNd*7>mzmos&>-nDVd%o)#Gw-}JXU?2+=A1M0p5fC~R2G4YqNw>Eyn@`XriMdc z5Lc_S)RK}AsNp#`TL@Ial3?lNY7c?xTH4!sLJ&X$eTcL)wXKT{*ih`34kkKQXKk$s z5G=6`(1Ad(^>Bfp!AEMSu7|6&fh_@I3V>2n2Eg0;5+G1DX8^4Hk6htLt_CrOK$Uz6 zDh32gf-MBK4Zy&`(gyEh55a7MS9WzFK#;`pzv#eWK*i4qsCc+~xk13GC>TJXiniW( zYg>I4U@+jx(8JQj)6LSu*2VhV*=mzDXF_lL)dWDd|B;77Qy4O#kbrWhD=ACjG{zsmmX>?IOsPZ z`=^4i6^Fx{&nK#_AG?JX;&ZN5<7d_u(tA6h?l!p5AKR-;QIKNwVxb5oE;JW=oG*Cr z5Jx^W*QpNnKp(N(T(8gES4~bG5ew4dY(IGy<8NIn)G%V@p?c1zGWXrVD5&_O{;-ej zvvFoZ+*q=MiAHS$+4z3MSl+>FZ3pi*^@lz4)e#bhlRZC0dAIU3;X%$=7o&ic*Bm0r z&Mau)QLE-1TPf4Yq`1%0@e`4F?aN(8B@Z5X^?vDB3vZ8inkyL^eO0RWz&0$oVO}^s zNPT<)Uw{i2Jaz77?K1b5(N`L}%Fhu>lRgPTS5z>`>@7Vx)(>YwI7=EOhF^&^7~0q2 z6iegK+6T@ICpcMsWOPInM;jF3%8w)Lm5!&&!`qhjGu<3ZiP6yP(s)p+*obx;ewD8g z&aQL>wfTI%e7dsS4kOXfJC(JIyy{ zYQ&gg>@?QZlG!{cV=CO&KT6p&IMH-z6@OZOkNzQeh1Z)${k^$KMV}H(y+aO6x@p~U zc9-nSzolmTys%%KyG5MRpX~!9v#w^NF|@2pL$dGM^|(sh%L24j=lhvzS_uu7ra>p1 z<>UHe*fu(qj^?FYMG5&!%~G67;Q_L9)NQN%l(QryRS>yBc%+)*op92998uW;&3y)x8*^}X&XU6DsAD@+-A=}o-d zu>_^w8+K83C;@ie%=P>05#PKNbA<-Rk{DtdtI!8#ZrAa0OtepBr>gmeEgy#HF=W}8 z4u7#SX(to8^V0WD{;AOAt^*u;>Q*FcPd=Vi_4(HN@E|Kxp0G(3Gcwdf9=K>dG*%~| z9>;=h9%Ty0$ZB+JqdDH%G#!9DF77i*=unoapOSL4IvP=GT0(wcZ@6@KibrdTRXF-> z61th$u^sLhF4!Mu-Or4CAo%owV2+7F)JX%);vCM>oFpqPoShcD`TuhVyWLRAq<&jy zt5y2)h-=o#v-I_c{O)`eI(m-u^;MpeMv}F>T4kh)R4Ls2&tv&TndxZM9i}~wYF$Yc zql`@DH;UkOa8YZBm4%-PRq0XmKPhhEiF0)P(#JQ;9MbEcJ!Y~@l42CeO|FXWcYl2; zC%5gAtj3vxS$#qLLm3k~t2cG$8hCq{ks0UoUoac|@&EsQz2MUf!5rC-S-HRcxBH`J zyN#W!r`c|JZprjKP||9;x5?{Li7(<8Yf|@rRWYN5f<(*mkW5n6sPXUpc9tQtgv(WY zg*Sm7U3%j|bvu9YQwhzRoF-KZxBwwU~*xWF0UTxy*PrkYOrIp6S!Efy7)}d!TN$bY%9?fX^(s%RJ9wnFYshOo>Wz_FJ zniD89N?}zyWs~HC84a%Hh#)%g)8GRsZg(WfA+ND(}7l?JvV>TLqCB2q#cN!%5E%#rS(};k!=dYo>HNYk6>)y%!p1A?c~ze4b(? zTWdXP9ba}>w9UiI(8yo@VXON`&RJpUQyt9m^vSoqgO3*n!`GtK?ByK!PZI(@%uppC zRe3|H+SUtgHH)r-c*;#*?xaYjL9p3~wn}ao^RUYJrmKZBSZ|Sw`%Tu+6`!htTA!LA zyKhsHHFEeHE;^?m?53n_0_JmQ%4H46RB$EPY`OXBSIVIF@=W>$xoC4PgBMThk&Jp3 z1?JfehtbRPxwj+pr+mMq^1BXPcMrA^b$#u6Gvtejo=3~=uF+VzNKUVU8xbm151s4E zy9UZPuE_%bhB2?h<^^H>^p0?_WEtGg-6iu+v3L(YE425=;Ni~gLDCEbp@fDm7``8qPa!e3t<0fZKbyd&OA1N|3atJ_0|4P zOkL-j6`d3jH!^*hVir;R`OaX;z@m`=6P3l)fIW2%q2J3}Eb7jGU3pq~;mf#%>uafy z>(bGE_6R(_5aYOi{0V_=BlLxPi0Y$O^K;eH2CKpieqYm`#&8=Zjm`uq?RS-SNGa%u zxK`c0cny6p6nCUmr87juS=OpjWOy-5bjFMppZ+X*b)2A)Ic%%wW~A$nbo%;!ltX%(pY9y=@^)=$ zknP-%l|J0fKQLuVb7+<00SKQxU1z*q+q}D{9a3K%4I$0 zPl=Dv2V>p^hn9PmGv~JmRtFA#qxbS`G3%?^_wa1vcYiHy*Yek2Om((C$xO{Joo9KPo@qUx7rM3Q5U0~Dxbyz80sOHCCvFVE9V8NsMg82E!@+Ix z-)t*UIB+}v&z2I2Dbt1N!cZ{E80BEugd1V<;oNMhBu$-fFYlYacyh1op*v!f1^gk$ z=}21M(edws4Y>XPn}Nk(zYVMu`G~F_My2SVbA~*S-!A=FeCY)ai25rxoofF|aYlr} zm}PJXc^a*7u)*@)AXvqs7z^NYDQ?uqW@3~}?W?bvF<>=faVR>Ln-lR2->Reu1x8SUXw74dHx#;6! z9-4eFzWMePNZRqG+sP%xy@L~H+z#=dzQ~F_^A3OQ5SlQ4IY%@e*beZ0NIvi7|E^Al z-S;fJhd22Fg|;*M&Q`N(nUqPUM{AQ#Yy~zhicH;(`PiPuvB8nL@Ij)~WnAE_H&3qz z3*tp7>gho$CZ)rY=ah2XCQAE#UZNOZ*wJVwkQQjmMD8a!!*lxN#rXn7oJL<%cDifL z(=~co5`(foNrU+HT<5=-2gm+K8KN{_Y-CmtB{>wgXMPvJzn*yg7hvQL$Y^~H4}j() zj}6=|btgRzNF$V-U3{E>Mc{amh^)LQ^kkn#;0wNy?8d1RN7nd?<)yDLq;%>xud$Xg zKNBfbd3K;egqmEBNopM-z{2z5*^77LzLts7WQ7dcf~>xju_Sv7$1Qy0w1es;I1pn8 zVs9K`INFe+5uv3TC#Cl7_}kU2coZR!|G4LdzegVP*~~U77KlmJAZ6BZ!NW(Hq{387 zJZiDVp<~e}VxHRb@v}3G@)v8B)la^PFT0YQBu_DIa`7dhwE7FDrpaW{m1QAI)|WwA zY3RHwc4bl4HjTb(Pc*}>1~)S5-VBJ}cQ5h!^H=+Lb5yjv7oL=uVwSiSGdGaJaScz8 z9VHFXwmwSTS9I~fC0uP$cX#*cODV0q9 zGk4(vc&zw0Is=Im`;EV7eO$q)EbUwXwK?RXcUS5RMPA_I>)<#GYK1c6@RTUlc>IPf zw~&r;d${dCEt#Nt-w( z$~j~0D07|HN6PPvQREdy(hg>(OvjVrj~Y|1eUr=~m6rAyW7ym*pO%Tp~jG62xj8gxidfZWS*e6pB-^mkOkf`K}bq$cJl>I2$ ze&KW%M9!f982)_Ey<67DQrK;;`f#SuqMmYwbTUbXAQ|I61sn^s(BQ8=c0*=A-R%n& zhchEn_qvjL_NJGIld&xiSr&4hx!Tv9G8G^z#N>D8%htg9xy^56oaGk{cVP{9#QHa^ z5!=C;f7E&9fpxKqYhn5~zK<}NidOpfG0ouWTczn$-ZhEXD2(U$s^M-+>!D7$ikGW; zKCZDrvax(ez6!XyFn!Smr8dRg`_|*_NkKp9#9@xWUGM`>hyMmY1QPMP=;%p!P{65( zqJx}vO}9rDsxQ7)E{e6YB;B`fMrts$De+(**V}N{leg^H0|g>#)=vti*0AYaGE_3* zUU+k|`)qK7C$GU94}R&6PJ!oEPxssl6YGvjwS!T?ugy8&xa?9WrML$ud0pmF9Y(bH zTGM+2Yo|61lr~zcZ@%ppym>0m^i!l%SV#9Z&}+_n`7f!lHi7q z4|E+}{Vvl}Dt#dZW~j0Y!NBwQzabd*cgH}h3$V`+TJoMWLCHODwxsp$6EfV;r39 zyP);A{t5zx`i+lTdTK6BFxp37S-#biBs^$7rxTtwyk(&weo&J>_~6M2MjrwGk`E2Bun zZ+$N8@3aFPMkAPRQ5gwiPVhAKv~mKqV6d62bZC4B1ycuUX{ToAMPUUEn}o1p?r2*p z%ityirubqzj|t!fI%)0i{KQ#+A|Z1>7`qEQ|JK_=z;`T5UEF>$IMw|3@D16cLC&zH zp=0KouY*amP2i`dp9FF-J^c_vVX^0Rcts=&hh6xR$-S#D_B(Oqil*N84K{1&r6~@( z#hTiI!G^tHu~AjT+nBn%V+_YA-JM#}^3=e-{hX!t-1!uHlHU$@Mv7(2AWb}cE#T?? z=!zMn6x{*r$aW>Md+#?v})4MR!Bw^vy0i+D0$T zCT5Z`!r&Fcvfd}|r1IgP_H7~4mN!UAM-1|IA-M2 zr;6$rtC`IR^H=Q7OrtpYvYYNKseR1!<%P?lGm$LV?zVj8w_Tqy2N>$`K1T-5g?v_> z9BVYJ>&Ct8eiTlHr#bnutS;J#xoy9rjF8qycLzi98>d6Y?>NV(9-Z(J&^Q?Qcm>AC zBtt*?Men>hHgk^IUf=}3mz?nO~d&bo<*MRo9?M{kN%u?}Y&w6)C8ro!^o zV@&iUB5y8HjMs5)Ewkk|3>01UX!N()b4LAzi)@QRFT3hVxdWD8Z?L?}(k*lvUpfXk z@#4YN+XSmnx&#uzy8CotNx4HAAy?vK?s4@kM`nF6Z7>hB)HO97A@{ZGVHg^_aqR$d zp_kqLl5x_wY4-GZ zh!S&d%`vLL0XZi3^Crz}Hkpb(Wu*PQOfMby7-$)vbT7bGd|S>9jj@zXe^PYFR6P75 z>VVX-lIFLmEJb&}J?JXtOrz)bcP+af*V&nSh2@2}UvBv`YpxeQXhAfi0I*B$mFOxW?1~>J)bWXcidRpnx$?h4GLC(h>N)Ew&*Y<93NY0H7Xll zN^Jej%=p(I%EOX9LsPNa6UHPalY{9e;luVi@W zz9a*q+v5?1@2T@s*s;E<(&kU=r#(w*U@Ruf(+@eKwH~fxp%d#;lXDy2$a1qyS$A0x zf9ot`f8Qk{OJRC|vL~@ZdLk)2c{Q#AyCPm1WQMG0B83Sgq@$;Yp&fyN>%&keiW1GP zYqzan*JMv>M9blHzvImCBszwS&|R?kTmKLV``z|P#Yn_7!e|xzZ(U|qWV6UJ_YkU|slMv8Ek45EDdR^0aLO1%-;UsmJo7a{^ zt;&!OT9WOi;rkbC*V*(~rZ>2C?u5*$Pn?%L#%<;gQ)XqHGU%0!DmBYrIW7Nrf5oAa zCvs=iW=aJl2fh4sL|xdr80c-P4A-^w<`;U9b@S@`q!`P`O%?+rQi^8}-4vS-TvG0D zk1TND4s1OkFvoZ1l>xsJqm6dCiA%)Gw8h)Uay)}Q*&*+T!h`jvtxnv(Kr7)Y3>^|~ zjq9XADBsme6Z35iyq5CmT>OmhcT%U1o)Wtd{;wTh6#6%ZNlEw7H3c~BoD>Bc)tT?Y z{%Jm{@gt9=)Rolnp~lCb7-%50RVHXE^ln&*sYrF|QmhtgTv$dS#;P+TPHzqNFzSoJjJ};@t(!^YkYC$$D=EZ_Oa21@b9m0GJScIEGpw9FB2M~te&)t=<9mfX^hF=Kj7d>(kM;;>5g*qXO@gy zVaR6pkX^$VyiK)8V0y2%l)HHI4L3EhmOZlJ`4i05%UpvKP_}~5ln?v7#BH@|o}>*= zJe7~7TGDsl^MQxM#hgp&p_9(czA_o17^GF!;ilewH(tbaA7D=0yV`T;Yh@UF;kBme zw7OB5C%E*vuWYQ9L2q^u?7!U!V1Bm`NJIs2a#@5TWejHJr=GUkOLS)I^1`a*McGto zo7zcBX)l)XrCts-l}E|NT{dCJw&S;BP!l8LN!&})R>tyn7hL|e{Mp%X)6H ztacCOK^~?PnQE&G;Yh>T@t0NwnRm>f;yjFQj@{8+3dhb(iUl%&=c=+t_W2#3yapeJK+P10H{*+};?2n)L8bFpi zBYtt0x&E!ozC)kvO7{c?V^KCuVam=uy$NpAJZXDL(gSE8?lS0KyTb4t=0o?<0pR=% z&|)-G-RBpu&pNU@Hl2^AX31mZ8RJqk+u}mR+hZOG>TpSGScTMtymhg`@ChkFV~hCK zdZ?EJ!ls$mMqehBDxeY_aDg;Pp?e%$&owY9ZbD4e8Lt|VU+A0(WX2(fi%lUtS!V{y zAs$cZ57IUyGez*ws%!1t%J*2)f3+mV>3SzLj_{#irCwWFg`DyBu1h z{?_}2W8gdFPlK@$LJRB^^+}Gs8(NkoX@RQdhu?t>|P%M^1O!>OuZCPXN_ta zY14h(ExzwCE@;Lna<7ZVS(6TN`TO+FKs-G0BgO!f>0ah9=#J5wGx zi`^S4ZmSlnD#eSbT}|~iZ}(rZTNPY9f0IkkeAMPbpS4TB;{}$__ln9MWWT*K(ru2+ zAYaVmT=-6r=P7>WPeDNaty_rPagHORkBd4Ar|tMo9e9RhZe=;`u;z=eTLd*D3W|G9 z9grhnWS#x+ z#)HnbQpy(S&>Fk(eBQne`IZP|S)))?qfl${nK_<&{=NoTjd@20CnL6`n?2bsv)1uC z)I&FB?(_QAWho6y*^QK$(kI|m;+YeI7VzC2QyO!^C!S7jKma#dLjLTDi+5l?E$2j| z5YD!Wj+XX8SuM?_*0pCrWnE{SsqOxfB>>+JsJ<@bnp!)vm04pjVLc^0rSC<@hu4W~>=(93krU@hcVWukx|(qG z&W&mnxH=U*jpX(*7E!$~e%kA^mB+TBUgk<75>m)#aPNo!PtL0WhflC``_r}fjD-jJ z%VQ6DaIng$!;^fq;rBBuZYPJln5)daSLtOJ{~X`Z-hAPs!wF=p)D!f3fe%{m*3%`+ z^4^(d6w<^6$UYRirKSrHD73nind*IkC-vYPX?B%lL0)$&7wY*nb`ra~6O}EK6r-fr zbGyv)Z(Z1(N?t2kVn67@`lMfGqk_Dje0ENsaCYgju?J&DPy=Oq^f50_D!Vrs+%;qM z5h7f+Pb)GW=uEB)ysZukxVRBfoe?7xT$;DH<)U(i1YtF%G}-@>R-=g>mE)>xgJ-VsGNjmv3C&wa1aQ5aP@<>v}2i2SM zHle55*WBMT+xu^k$jpf$cbV(odW~>kpZ4oFCZ+2gbmZK$3QLCLj4SNYc_A;;1~&`m zU@3C)>vB92%P^`3A6GCv%^!O2G-5X~FYjB&3m>WW(>JD{jSi_`rQLO+Zv|jF)Q#J#dOQ%n$OG+)H16*Y-YDV4kz(d*Nl;Cq}0$pVG-hYvlXX8r5Bp zH-IJXGMB&g;r=|DJ^*}aRPfhnpxPU8eXT89{j+P(LeIr4pS8FGnE>UMr`?K1DN*9cgCc^4|r&zjb7= zzn@&7Ba1=&$ozA9s4ymHmSQ!OKD#QM*CvB<(I?(%I7L@|nb*xL?^`dgd6l42qILJ> zarb)`s&HkgT;9pCr#e*@Zmf&}f8qmJ&|gk|fpBC+TTg2byc@yQ0|MWUq=sr+Is*~M z@_53wyKHRhVQBzFN{i^bI$OF>L&2bHElYw2o)`=*3WI@K8~FRD1Vlm0TYB0OgR}o< zFemUf1P4zDaP&tElQ!_OA`pYk!H{z#5U%ZD=>dj|11*Tb<39tbx1lQIJv<3u69{Y@ zA^GjtY!SE^3L=6)VgR@R$8iW8#GD$cwSfSK4p2W^4_64()dipg!3QW296W4+vKibs%EEAo>t7ptUgs2eh$-zyYE`ZGjA! zDG*oh0DJC61OR5S zjRnY$Uu1{~_J1QlT9&><<^uwU0w|+k>GlIG7C7jGssVQm@YZrJ_D;6o;BwnIgPa8B z`Ey!7ZIUSj1B3nFNYwwQaFB2@2nygP3Il_P0beFDNDMU&4TE5T&;|q+4M75-1Ykk~ zc!KZ2_DH}{Bj!jf*#5r~_0RW6pe>j{7(Wvl(9dufNB}_UF@StwaAFWFaO8sl#2O6@ zjs+7M0YTu<)Ifq@0EtBdW?Br`sbB#q$BF?605V9-!S}$H7z2coV1fQ1Oq>`F$hYgj zoH!XImKw}KB*0052?MAOurC^z_%;lnEif*zj6?y15F;iuupYoN4)_Lv0qQYu1Tewv zaZ$jyXaqnQ;0zahhX!&nfLLHoOu+pLkQg8lz#JT($TX0E01f~_iNrz!eTYQ)i5!>{ zB@G-21wOz)5`k!gQv-7#5%~cQx1FfbKX~>JsOXyNnfRHAvhqVFKzaBzfp`(00T`fc{7l4|!_WZT0bD^D*d^fr z?MIXgK#ya7Nk3)cXATkt;5#)j2g|=CBCogKgKhpvpj?1l1#|O%l*6ws!4Hj2jD*tP z*5^PF2hrjXRXIRd;sa6L!@-Rx&}!Qt5aUgNOG}`p2iQ)0vuyy07f3b z{iW?XF9_<#7z7CLeU;eP2Lf#Li6w8)K!T-zweYXDMH!If?LPm$2cLg_WR^p0U&4}u z0EX{}{rcx}7t|WCh#+979QVdS z;2Z5|hk}8k4*vd~2Lc7SU_0v&fFasZ2gd?Na7P_ruYkn?{{DdnL_nhd92X84v7POZ z;F8_Z7lqqN0~iX6-AQ{GO6*S>09NG>x}Y(bKl-A@Ko#@*xPT7+0~ZVeP{KRgp>coA z1A_&Z`|t3uFiPo-pSU3cnMd{#m*H%R5yT4(06qOwG>e&8{qwbeanv%a7zyYarwhh2w>CC$ET#D HO#QzAMdPPh literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf b/genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf new file mode 100644 index 0000000000000000000000000000000000000000..de2af404d124a70eacda7f4a77f0f46f66af0414 GIT binary patch literal 14399 zcmc(`2{={V7dT83U1SQ0>LMh=o$obg9x@LZk}}WZbq$#^&xDjAX)tRrW{M_b#*m`$ zrh!sO5gPdRx$1o*-|zE$&;NP;*!DjAtiATyYpt`^+WV}-udAdYiW0-Z_-~BBuh+v+ za3tK_$_XYd4M!NB_OOK`6fH@XF7Eblgs!E%trr{(0QBLqvM^gW8wgPRj{zn+R!+9o zBshT#0|t;twnR5L4!VRPbcycP2DT))89=3^0?^y~k>Ch*SAbUGSFQM~R)?Fz5z2lf zRRfYG$rg@XLtx-wY2)Z-567>eS8;bE!7=3af8?N$pyT%fREh519&l(WiUx3mlC6)U zwXMD?m<(JQ5-r`lJS>T}Zq}!NFLe!GRu)<-xItQ5EDWJ#YvX9C;O+-VhtT8jSTPI^ zgT)YVa4Z@rh9V&GXdFbczO9$LH_;lf31W->Z@duaUIYIZ@`PjlB* zlOKmtRfWr_->@{Zrz$3gQ_a4wOJH?*6s(bV1{TsQayGz$8!fBrbP0$6CHPv9M@6);y7h@A04j90go;(ZZL8(q!RSl~TaFbFq z5^KghZ&M1=>Su|+kaVh+e*u>``1L8i+jR2&{`4;H>&%n52qbc%ZddkP{FlzOj1m?B z9WIW9h>wY-DuMm)i0%0CC4Z8~UUQX2WMlUs#r`hkm5h=i5hFpLJ;9{nKAmg3GF&ya zj}A(RA9qc>jgO1hPgLp?(r6~-4<*Qy@5&q}JW$UyWN{ssvK*8b=el$*boO-ZDH%x` z(Q@wCm1FrgP|ww)bbFR1xt+uCuh3EFvpA~-KJ0l+B*r}N+JA3|n?caHv6-mSpmdq< z&P3eP_Yw3Kjp{~O6A>XPOhe*kjoY8~Jr$)im^3%#U`ER)^d?=`e`+TB)MCFrdQjs= z^x4YvmO*mkTWCE^M11M3XEtXvFHqus;GUNP5Dg}5{3 zJ+Wnq|1o9gIplulpnZ2RYKTu4S#0hee!FM6m}c?J0D`M$71>h%cY!|#rtfi zIC`}(pR3Kkm@cqP?n&YMXzuoERHDy=TBvDqioXZ5P0%Ch5pjVfS~~G@Vupi=@PflZ zmxy|X7{b8NE;W=;OU8EdVwL0y=Bb|T<0A?CB+NWqIPIO%Sn@I)JoQ5cjQN;_R4&YO zUo7WywXR6cm5#XC-Toqj(=D0BhK0rbazjL@EG_qCuelv=St(XW6{4%J`o|K~ zQ0<`}gq;fxXS*0Ub~1msT6!`}B>KL5wkh9T|5$tZmrCWFJw|OaqRvepoL*;5gxr7d z(pBAPFb4BHo&Hiv;MCB#Ep0Z_rGt4x1)M?xTxKkM#)vt!QQ6ZCtaY4;s!_3ZB)zQD zi|r#jPY(q=*kb}!9hMw{?kN7HF=;&ynV^J*D3WphvrpQoLcv%ST$S; zcfBusIoV2@?`Jv_SbaU;$YZubr`8-(MNz&&M~5uxPy_!yZ4bE#?QB${i-ICw`$*_` z)#ObVCW1$#%}e9K9W1_m-y*g#+<|-2D6z7Lf3|R~Zb$N?EXI8Y)wiL2GmneV7iiyk z_!27?jeoQ68J4d}Df`TE(Gupf^n4lHLTkO>QD#cTsb-oP0zv;Y+R;77Mb;<38 zVV0sCua1aa3hk}a9xc0J6ebio`L@hfDdO-CmaYi4?H<>@-l*LUD_F*6%cAuUaQfm} z;@j1NY(~zrA$a*1p0IsyS5x$Ep|Z)lTK|d?-LGptN5Scscgrs%0c&V1EvK@#M0h`( zk71CFF*zk_DlTX}U=bNme-l6&GG5u=7}o&TFcz=FxCTfj!0G^}#qH z{Q>xkQucO}sW{tQ?juEE*7x-(vQfzgihXF3GDa(O59U!ujP2*{ee?!6VgLHpYE|woYN>qiPhFpw|en%Q>oy5a|MO8^|SND)jd;R z9c)pLJGXoFtlHdsE|0SD$gXl1YL_R=BAo?3;??{?%zGwJ&X2_B1oY9V_B6h$<1lya zf-0HCYsN|00e!2Djqe1HHov1Tyjqy-oWL@;DktF?US4@ayfcnrvAg1xh%mmJeATN9 z+C3GoI1G$Nq**694W(D%z2^QAJ^=mgq}CPu!j`87Mu zuk@yon5?SJZ1R4-n0yyw$U+R|($tn#Y9AfoKwLP$$V8M4@m%|}Y+0sg1%ErlC#m*; zzsvIN;0p19GU1~A2l#i#_(QQCS+xi$tLIpDsqmM=XC`W`)r5j$i&_(oM)TCTyYC^I zRgIwEOiW{9Cz#rG^7j*#x|E)2*YjM6)T^GWJi zaN}(1yy3XVU&ecywK4GK$-pKH$%SvKc{Dd*EFH#6CV6Z>7QfMaOI*I`|I;Yw z=eK_(zKX4k&K7@?#NDbiT6lk|z-!r_&DuWYxuSwn8fNd{M^T#(6;FTee{k#Ew50Q~ z>J?kb^fN~IkyC8QB#S(v3g5+hkuK)9>i$XZSq~A-g|_dwRCaa}b+{(^CLQx)Ky@wJ z*4*}{y47eWNo+Onc+=kFOtI$>_SlMiv-YRv6|;-N%ia~{_BT78-qW1?+}p9^?%>_s zTo*8VhvhWR)?bRg9kDGp-YKMc;6drk*gru_E3Yr!yLYBG^6bg-yt6m*>h4Mw4@c6~ z+-Z+AoSc6ztb|Q}t@EMyu6kKc*PAPt*9C`BGkAPh_C4Qxq*-{poSDI-!nD-*E-6p> z+Rs|y)XE+P{5!;IvMUZbxEH|1wtb^sK6={WwaUZpi^fj1n7Wu+jL$8rLcW<=K8}4z zd1VUNr_tzz1Z9;o7*0>&a5KwrE|vo}8nYJ(rD>k_#1v2ak0)BSRYyEk#oADX0}{1C zm9>t?drTwJUhFg_mdv%9q8_n5U){uP`I^DoKiH+TJV}Xn6@EA~GqW zQ1Id=^W+()3R4mMnP}qMl5$*~*a0)^i{3W>F#C?A#P94!5S)_?g!D5P@&;Ifnv@ID zI$*N_BV%U6hfl9e+&=22b?c~GqHEfSZ}UFiH`h{ya>DNHrqQT7E#s)y?_*i`WBkW# zhYCBwqWSH0PYDgwmv1ZcKkMGkr~5J<7$msM-n|##r+a2)Wfb9S?)*VCuy_F>5ji`u zs{%RxcIb1cmiF@eu{-%OwK;R&O9xl17^lvzHhjM_ROEi<^y(Ga#^t3-tA;5(&YyI{ zLn^nS4bQK*``6Zo9FIeRJ6Zyb`@J7RLA#T!MDth)XczTwB#*&Y=^}NJSR_rVN|fA% zlvss09u75%=B~G4J10U+cgXF%CQfrpAX=D#qV*kvz$Vl{yRNNFERI|^v2wy4hWkib zrGNs9?ZEHB!+)=E|P_Bvt7)F6iXL+ec(WKdHpF?V)8=-Y`mMDaTCOU9yI(f#F!13arzoW!1EXP3_L=6GVTTCkSd&J?%j+K6fP5$QxHR# z_G<(`;eV0e^v3wWB7eDp?Aht8F8!88_R8J8qNS?6%r&C0?Ru;-OK3qh-Y30J-bwmd zrpr>5GHDC3`_Y`E*ikxu$}dej{Js?by>vRVN3SGaIG9%afDq}lC@2f-{M2f*vP0R7Tt?M=XaK* zpB)(4$ycDN#)b-V9naF*Jeq zO>?VzBqZvlg!qI$SEHAxWWQ5{_-2}xv6D0%&pUJNK8t!+ww1Z$H%3{KNYOp~>(0`o zquX}pfa}%<6xKn!dU9OI!;+Pw@EakR{>~G0> z6C`(-)!*XV>a(TOD?g~Xt3wPo5e;;*wH48zG3fQ8(UT%lqiD&Z!A!Vcw#Sqno%u(l z?3|q?<<6axGD9)V>3jP3y^V7>y=2E3EEwOgWGa;1z@ZmvsBFSB{nE6@De8e2pTSF_ zfNW=%;DA-zwvt%!o}_F$BrPiOgM-9AyDSkJRP4@!%AChJgt*B9}wy*onlEqjMr%enKd87RYh%-shUeja&TDSIXh zX{fph!=O{bEinwY-t)@ns}q}$^mo3q1#a_IpH(juoLqgjZT?9*lXV;gZGmrm$MBM) zuxap{HZds;-kLxf*K^E&sJ0_1Nn^dJ`np`g4)zOP9I=1vsr%O{a z`XIALyShwVS@21k#Vf&$d0)(Ie&kw*_nW0^QeWCTb3Qk1sLb&4-Z%TPqiIH$Gkt7n zL=p)$`2ybG76x9^Xdv?uEPe7Z&6nR0qebY1Xy$xwjmh~L-+>Pr2s274Wt~kK)2F^J zfuYn;8Q8^V;rcWKer#KVvNLTJ`>W59+QPiD5(E-b>sU@?dzt>YNkFdy14n&SL%)ZA zs^{wRfd=8RXR`;Mf3dUKgqP5f?N)e6SkFqWZV*er>9;@55t82aa#dEZr0fhA7q5c# zk@wn?4|cJQyeiw{;9GlqE?+MrXeyH>Ro6>K$pphM8IgDDTPLz9W2n7)w#I0NV~mTN za}%<*8e5^U*mci@mY%v>Gg-tx?o(X2(Q;ZRF6a5`DGkXznv79T2RiRRuIw$(m7@6AA6*HF!7rIg3YqYfi{qn{2deNTa%EFQD&Rvo#C zb$>t9vNA?9kfmC312&gz?PbH~XwItKw)oh;m!VH6eEYYN2yUi)34gZKmFJAlZufnB z`n)TrXxIKsmJY#gCkO4q44%rX`)i6#9vvDfLLZ(n;B=H}e<9vUp`FCq;UF_yo)z=i z;PMHDlbX#t?|l4d5~C&J!rdQi_^tW#mz#vw?gh6mD6~??KHi-^*6Vk6_Q+*jJZyGI(Im)rxF*FO>FY@0m& zK0TL;1&OK=k@GRWmd)?j*1w9$nOml$d|^<$33Ij_l%m&%UdqWDNmM*cii_C~Rj;gg zqSo|Q~67my+-f2$7t^u`wD983BLCk z$jddE>d-F0yBRG~p?u|a_StmDtZ z+P3eE$!(S(WQ>KSH!u8Jb)*8qHOl zi#){2NFn+%lzRLw_v#!+(Sv7Yk;J9|n{5_HpSa1jD)w=znaVR;eotY0m#16mGCq3< zZv5m%Y;DzaWZPz2hNS6^}qB1wEgX)9g6n73W62~C)6`0J^03RUdYp- z<~>U<=(sFq2pOe(qL%8Qq-y**mYUcb@KPk<#EXxbf}i>v3%OZu-raBYGyI5)#>EqD z!qLjRiy98m20xQ$^$av=S+vPj@~xtL%EvnBz|Ta_@~~$b`Pr}a^zay4)x^A#L$1>P zCrQjQhbmg$X0w$Q{QHm$3xD1z;YkAG2hul2qszB%8&{h$=1xVnj< z$82?XfX1$mOGWi0QmN!=J15!v6}$#!%R5sRSKq@rD8r)^;gX`Bx~)1)7lg+?w;!t- zpUvF!!1uw`e>%Lm*d>_Q)cW@rY89C`>~Ey;;kMiMB@ZVO&iR4rh&7Dh@9C%6Iy~*o ziQ69V%vr}y7cI=;`KX!Nz*|_dPPHQmG&`Qw+Ei#?hXzbneX; z8^QC7E7P**M@Av)u@r|8-kB8z(r`zCovVH0<5p5{eTQ!L%e6l&#&`?UurX3d{IKk4_A(&dYn)FzDIa!icHtqYixb?+o9qUb-!P;<~) z{1geu@l`wj;-1V=6^}@s<401Dvt-2F*Pt&?bAP3(A}>RCk0bIGrn#3RQobi5PcD0b zlPS|L>bZ*BJ0Fjph9*pc#5RtW;~oVAnO{!~y~(B#Wa@EEn@dorS2twyG`#GoIagBA zoA@j=|F%ozK*~p+#0U*_eu4C0gTt#;LS~2GJy&KeQ+pG7P76COazruJs_ROc-XijL z(!6IyimLbHN5k0?qM5@ph0~gWj3xq^dT)g;O`>H5i@%)E4w|Xl*Z1aH{;}`bKgUuo zeCECV;_BdgV}8BN#KFSkTItn<%X2GKNmoqC2@UJd_b^+Hg7NE(5C&ZXj`GT|lq^x~ z0VR4acL(m6Ja$$j&S@Qabz*+evNiR@!I zGFIJ%ZAe0oBre#tE)|u_X+Ngf!^>)%tG+NDhcSFVK4^6-_u2`BBri)>>g(%re1Vb` zZHi_uGJ_>c&wS*WWnDddc+$<1QmkY~Zdw1p+>^7zdQ(|f&mIJGN``E*)~!aW8T@V{2O;G-`v5(!IkB4y3@NLieU8aGKEDncunMdN4ar0k6Q4mZkY9En2c8^@fnn zK3NT`=!WRGZZ>%S!^((rW&DeeVRJ#T6T25j2QO4AV$&TYg6S}aOStw8XyCIv4zt!@ z8EL|NV{j!=8Ab0eH-kUUvv^hwC$=%}p?{Fc8qZ6ARBOlTP2!^d$gB*v`?Z)f(x+R? zZ|6IEMH{qbl9cKjm*bp03nXDm9x6_s<4Be*743?7gWGX3RL-|4ZjJdb6C6}YoFN}s zV_#$QxfNHR*0z11ijLFYJrM{UqQ4VET2JqSk?R6nWi2+SeXADz8-lSivE zq_A9Whp*uF;@i}$ebfk7je0s+vzity+e%hUOS}e2i3JWo+r&Y;Jt+D zZnEyP+vT5@%Xx)Kl5K4I+8biQOwY2a$HJ)v)$*C_?&kY8Z+Au5EeOp7Ufic=K5BEO z-`ee|^BK0UC1q7N^4~_h=rPA!**;UuJ^hoq*h@0vZ|%cwIhfpV@FJ=&k#rD6-}w_3 zY(eqi^IXn;%_rYiN$SU_sY_fsrQZ;nl=y>1l3(aKzj~%(cje)y((7H3vuZEeC1af1 zl}|jn@X%gKx;bq2#S-WKO9182ep5hx>@-$?JT6ck`5=%hDzi*ED7yutK@8HAD-9R@^xb9Z2orhcdfR0;@g%p4?m$x>oGozn;s4Xg~^|m`d z;Mm#Ga^{PJG3K1iL)?_$C#`o&m!+$U-5eZ%z=!WPihwxY+{agEP77uwhvgPIPyUpv&mYw8WWMUjF#h;%(Nk{L zkF5^hJ@V}!{DSxAlj8HqEMo^+IQ9i>Lf=*c8N&MQF)pDTqK_(|;4v-U#A5cGhVoZ; z#XxN;#6HIKYY&by)Q9nTco+ZZ<1?=lQckz-2^;q;Ii-eDktyPPJ=UgEcglmECFpN@ zfCv4<*MhW2C0j3RqN4}Nod`#*WppC6EnPw8qk+B2?FGzT7yhiJRIR+OLTO%frFhb!rzwY4oA4V z0Zx#7L5t)-v;}QDkYozSVZk7j~J>uB#lg5g06B)2NU@e&|=7UYn^5vp)-LW|IW zi-Q^T;o<L zK~@C;jE8Vah)aNatq-cni@^|JPz@0QEea}lU^JkyII!?F8~_%~OKxMZfDz*4f&&i& z)Rq88+<4HBN1?$2*XG57d2wjK7;r=g-NS)e954&2$pvJ1L(G7f0M*d^WT8O}1T+AK zl9`1AW5`VTO&nB{H4T~x3tb=~7C~e~OM_}q$nt=uTPrZ!FPZ&|YOMhXTtk5dD+a@G z5LJM3h$2W0ev9jO4XB0vCWMRuO8`K?+(G0+dhjoP2ny;XD-*y3UH^*(A_|Fwk?;LN zAOVcb?*b{pnhrpEu)dIa4fF!ii9ZTiA0VChUC6rfOD7{R(h2HSd3&e;j1|*ZJFdkiScD z_XZvjOsnB&14RPl&sX%JPf6D3So`MYzp)@b_;(tFBKQb|#Pz_GZ0JKv5CG3Mz#)-9fj0C((aK+akV%icFY1=qf z9C~!tueIP)GOgZ%P-!p@ReD=mZ++X?(LX5x1V$hIb|Ba7C zv~+Z_C6Yh%Q+Km-hqfMMo2&2c4p}5}+rZHu>`8u|s8|w7+WN(%xaf=Gja5~8#sh)Q=!h$xC8 z-JpO0|2Y?ZUqQb2=lP#spJn&V*`1x8nVp&4JBLeMR$c%uh$82D@D`H)lpGF$K^#qN z$i>7UP;E~qa|l$%7;kLnXbFL;8(W&YKoCF&O^Ad9xw(TG*irb80Xk|XHs+>yh!CL< zFaVD?$2maI;3GLy9p`AOWsZmF0;pu=0rch`cnDO{9zZMotCsmyD?;=kP&p60f)?Hw zZw^6iA<(iiHnVoHgkZMN%R4&YAxJ{|Uvl6u0PuSO3OGksCkVI{87&A@*4)k7)Lc^m zm<)K*#u+=fI2q&29ZWrcFLkTGgao)&;01nbvE)z{b2DpWX-5x$bPzongAl|BA>hJ7 zXb1`c6NC%FFbFhAvZlFUGt4HbU3?QVOp(hOn>8t3AV@j?_LMs(&I}@zm7;vgzyUAQRV}ZVOGC$SNTUh3Y z0Oy8y{11T*N#~D`?$kNbycOX}zQ|Zr|6cOK6*evs&&k;O{g*b^iM-nleD)`ua2jPo zo{Yd8iNiBCoT}|7cR`fK|9l`*nsrmi(f%?*+U5iqRagIY+O<#On`~Da z4Sg~+Wf(UZyuLDTrg=;qTYRJ-fK-i+OAP1{87o($OV)~tSRU65IXILai!#s@PMgkB zhet1J4BhP|SCp6MVEH*1aJ|NsrwnfOeO=En2#)cZFLkd#k>eQSC{sJK`K{=xXgZ=x z2jkhv*j%HJr@-{&^yIP6o>5XO2$V()pPMejCWT9#HGgL?Zx^0LKTMm*K^0ej{J95P z*3yL(ds-f4BKx>Rm9DEV@x8Q?(_~#dU`a;x5+XUP@NiG zWDjMv>S{e5*g_;LNH(twJ9mrk&1@O$iO!4Ccynjkpocjh0-I$5{mAgdpYK@LLx`ct zV4`|sq8p1I;QuK4TiIJXmMw&)>tfqI-+Ki&ccYD}rH&P;vWQp&k_nT=O z2R^vga@sMu{rJls+K#iqsxSElgNmhfLz|WJbWG1Fu@`M*zx+leS45X{L(YQpbCHya zzw1-%&{&a11DPD$hSQ$^vPr<%)^5{p6JnSan-TtGz5-s3o5fOAkD-#h;VH}$*Z{qt z`^9wQ!8f`ue~1c+}n%G=h#j`>g;go=?} z>zBUdL0)nxuHHaahl+U_bA#%@O(!0lDZE(>!y{#6aG6-ME>kaJMV?3O@QSu2C-qCd zg8S<2p0kQsrGRWaahJn z$0m<0^W-J#sE2ofg3fRxW*z$p^{FSv_ zCdJfjZ2fk+22z&qm)P-3oL$WiWw_I>s=6H#StrI9!|_Wz6K19pqgq|f4PDLm({Dv) z+)|U`W&=6}sA57?CHAM-QKtBiiwqtXS!euT1J3+0faHG+VEA7%{5fDRBy9{ybK85F z70CB5^ft!`=%Sm#NU}^r6Uh)d^dxhA=gcYc9>}*xncB`4i|S=qsJ$#pOz2^i6Y;mZ zo=8Mru+knS8(&?q($1Cx{K<9{^j(%sS9-7aZL9)6nUwapdQw11axJ!DFzgQ6$&KEs zz}bz%BHNkwaG<-IQHyS5iKL!wa>1hfry1&tM=ZJ1`;UyfF3jjwqdKykhxc`6I}1j- zSSNEI*FQ4eBP^Mqb7b7|fwMy$kHUvb4E-~;Uv76ES(rI~Lrq+7o?2+W|Lyze7Ml-Z z*B?dJcz!YV+RUof5T+4VHY6X{6ppX)WJSf-R4{gAJI%@81{4WDypN~}vS2hks)(jRKXF8QL4xLVZH*$HzuDeJ>SoehkV@LUWr4c>yajFI24*}=L z?rbN);N@Fk*-m~Pjb%33te;GHPy_2p9Hj^JbpEDKI>RIjNb+J${wy2Ef`@T^e!azk}S zlp;6gLCMBKTXn`XTfd|9I91B>x9W^+7r_a=u8MRQsquggk`xLN7JP>frss>ow2@?6 z%*RRh$mC;Q?UTs^@0&cQyS zG_=1Xqs+xhsF(oU%oGjfy*e`-Q!zi_@Z4vjH0(QDf6_CLsSGIUNa_H3+)@k2F?zB| zV$pH2a_owN`*YJzk941U^xYC@eh!^^S8Tj8{5+m>{I;Ce^Ij!4hb0DY&ql)^H_u%8 zF^4|DX_69A866R3y#CI8#(in^$DF|C)ZD<=R$7)5Ug2V68K(Wkj~e1x^)~Je>?`{~ zGTKIbv1ldPOK^Z{eI}!^-1MQSg+Qf)Pr}R3j!#wDJ-K2V+NJU|o^*)CPludY=~BWq z>bbXFc6+ym2yA_CkRPjAPW)*|JJTt}8$fYrG=ub3Cj0EQGQ^WeLFAJkDg&%; z6J787S^2&3ijU9o#=B6h&x30b4is8)ngWaDG>O0%g z7i&`WQuC(T^r{=2KRf?^L&mF0%3E~^Z}n!#XSL9GzhmCd@wDR`o|{eYpN|<W)oAcV1Cyo(S*pne}C;9yX{mmpXe1|B~C34rAyDyd$;$Yj0m z84>%PvPe4}S8|07a_+5@+Eec*BJ>EYVdIcc;#5lh5Us_737JOdC-Rz+DKnXc4u-D& zV_sVMUsg$Z)!f{i#oJq1S9T#5Jj?8bF6?%?R3fG5UqHx+=Bqf=)MdLi@m@WfhWWkJ z&t9k=2xFEDSV7w;!RDSIm~7Q~?!?BwI1kgKcr$mmWdot8oD%ZN`!P{q@uG8JkK*^Q z&R+ZSe|jB!N7HkZLuVHX|2%>H*YN=XoQ?iu9a_DWN(N3=X-UqU!+5~oEcL=O*G*gd zE>UB;O=+E`STfJt<_?}oB?%E_nsUMCMI00bu3R%MiI7yj`HY0(qVCrpjhv30GPuet zWHezNc?69g3AiU1C+%O)wUFTB>OE1d#_D0iigP2TlW8_OWb>3+MW<9OEn0Q|$4$T5 zIf2oPnB|sKwsp4T*#*%OhY@ZYH;!%`6QZ{S)p(eULGHMir`$cKk0t%?eJJ`~3kucS z`yZ-GMo{lF;xM>$b>^WgR;ec{JI%4Gah2xGKCRMSShMGomC!cMATg!tu&cF=19(34T+7M794|ri zh*p({*@N`fzJrfO3_W6117C=;A%^L0-8@2j@@1mZb(OQR;)*}`K7YxIL*e~S@wu#f z<8m2oGMmYmAUYMVNwfHPj-O-@4?A0odnR<@+Hmy6m_|#kQ>?V_P8F$?zWDSut~4m& zjx@=b&ecAA$OlYHY2<;CB4 z_4W|wJp~oF*_vWq%sjhn<~ou;_GRPgllwzeO;3{d6ketC$380ze>O&eWqxtZJSCBz z(%y=z(km+XMOSi3wsFHi>cH{_shqBN<}OnB^RnW~px|r4$QRKkn;QYnOPEt5`JrwdHi! zXFpu(unBqT!m0HEcS@qQjr)~J|>g5eBx%H-}NuT?9k}l`!u0)83wRTMB3d~YuMt!^o=@~H%U4R8;7*1# z=XF#0{NoFAEW>O^S$81|ysg{|SqKzrn}}636dmdaBL4AW-|YwWo@(K#Z#E5;L=G#{ zgdD!~k=~vARPjP_@Ka`yqlTEJbFV3X94{TK>%7La*^S{S@KLw-SFV%2*(LYR>MiHH z1zy?jH^~ihhfUiR-WH%7CtufZ43oY}RLFZkz8G!lV#aB$&mh;h+U34RPWzmFUdImI9I3n^xGT+@0=E^wRqEz zaO*zRD25g*@xh|RYfD;bdeR2Ub%!cvW^}Hp@Y@~j@zefRx3pX!^vUsF*=^|tlCUnu z_~A~E8}pLybaZ!dxQM+*aR~ShgQAY5CW4dA{0v_|b288#Ha~b;f8%|~{%jri<*^#S zV+@T8F(ifu-iJSqU}CcfpV!F??xnUnmLr&)?-8Q+vYVnPEQL9_6(bbZ%Vc&|*4j+h zVS+v!BX@svUd2U8==0Ys#aH&1S?_r52uH-3Hnmbk!dHD8srm44M_%1J@kPAWQX*98 zS^d|X!7$mU(5C2DiAsl5P=no%nixC8Fj>(Z5GhT)09*6u*~$1!B6=A7G5;C2i+7W` ztQ&hak*SO8`}YrNVxIodQj z_A<2?U#K!px-y=nvMj9;od@f}TlhL#jZ$BrW-+ij_b7a#Q)-?xVTvVj7n1fIJ0iBn zF>=vLQAF&tGONio3h5h8sZqsKZ?A|7igeo*a-AMPRuD0GFE%O1I#iiG5p82i8)1dH ztev}KSEoFos>d1oka0vijV!8lxN0&z%v-i2GnM30Uk8=Ve#@A#fY|`S@dzfNj^+aS z&+RLj1GLrF?k5I3L%*K=G+e7)-GS}vs0=5wrnuBsS{-f2*i3CJ$*VHd(MntN!S2X~ ziKD}0l^5N)l@9woUxINlNYcFfrs1P6lsV04$$jyZZKvmi;-ul1mQ0#@XPya`qS>~S ztA_WrVsf>-E$6L&-ha~gohI7h0(KW(?KPN0ptkc$MWfPQ7EU?+o>A|^zG+*}R0>V~ zuZ}X!WYIN{3@FciF6OTdN|Ym{x-`|JH_yvlIW7sGLGp_?kM>HARWxfeRx{-#-BD*T z8Tn~NT*Zusa`3f~zQ18k>C&hn%M#zLe8Sg*6k|-uylfrBAf2D2uu)az0zQ$3SO6L!z0Gax+du z+{E|snawnFzP0booy$Kdm`>~Q{>?w+o?~X%cEc(jBN_wvP8si%0G6hRwOgahX54YB z8?zFK<_lL9!}gtqx+WCg6N6ZvI<(n6GGZe7+5L5Dd)tdLStvs*PiF>S-CMc!;)KYj z#Uk~2wXhW3m7L`3Au6{L$9a`lA5)~(mW7Sq_N}84LgkRUMk>`%z3a2OMBeV?x+(fh zVbC2d#*(Bx)yr~&MT2Q?q`y)>K2lsG zWurJ=!Y%gN)k{s#fu)_6#;ihnO;uxNwhLK3bMBBheffyaoUdqN(d3aN;TgYq`TmxO zhgR%skFb}WQlkyJ{Sk?4NzM9;m10cC4?Pax)*v%jldQSFg#>j*okg=_&|K*MP+7F))m>$g7qs>c_qQAK}&aisEgNg z*y;7}Ci`-PJX%JTl`5&oQ-43<|BtG0MP|JlOL@cWoop`{xg$ zd)iuQyRd8TLGku|E~lZ0BW9Hg4aY6PTqAhcD7l(&CZeLYKm@LyRORN*7#}T0c=|1WK54G={x6BnJTySiLe!( zd4(5vvDYLFx*LL~@Ol2GRRiTK4Avhiz8a2@O89QxIQ*?*Sh8VGk7F0E?Kv_=ZTD_+ z>Xnf)fOQlnVIed6$?u)&el~9Cx%fGGr(pKWk};R*?_7JKL|GK;_)$S#N}S?3OYlcz zT_;PhR7X(OndC35vzS?o4m-Skr3H;Kl+K-W<=WJ22oV{CBjeV+polsdyR$RNaVIH zs&Ye$z7~iL=KX?GuNLiJPQ`nj+qfbSjhQ2vjktO<1V$!iLOBiNs`C0iaz0DR2@|!> z#VRL8W<&9oMVmyyG(2VP^}CFj?2nU-D%Yp!TwaxC;e|AK?VqJIt-bI~8$NNq{A5bN zaowpP!S0hwatB;qYr{IH8kCf7+@BpBK4Bq&9N0w{_8LNCwjaxph{x(M^+MEs`Vi(* zw_9J8IXa?us8#BfR(m-GJg9#=)CSS1xoe%`0Bt{Oh`%_GR;n)snwoPK?9 zHPyMzs!aswI@gVOde+5)q{#~(6_~W%0I*D zBU0QbqdSz~C-UgZ4EsF8CNJ-}gYkaByty;$nkN=}ZwzWoC1%{<<+D9*^X55OB}Z(z zub!%T@>6fp(i%&?i{E{Ta>hlj?y}as2ABx+jy-r&DTW9_CcBy%zW(tTEk5UG&^gX~^!($Dp0J-yOYLUmlVwNqQz8$9b1=4z@~-Ik_oeWBY%7y3`%;9! zy`4N3_>pS-VX}7d6O9IuJP{`0d*dzN^5%X#;cuzt3`LOG^<$|qPM^z-BN#Hw6_TeRI;;H`%0mOiE@s+jLnT!%>m{4x$HFR7%vhMf5{#^Z%M^mWm>a`{Z* z_b1kuUm&jWMpi z>$_bdgNnDp`cWWx^Vp8PQo5tdqRWQaIkY zzPL#ytB)8hPGnoQ@8Pi5x{#Fup7rVsL)a%&_EDM5{wIyoM4{oDyIhGQ_ZkSpG4O51 z3OF>-*Fq?PLxZ%!g2F+cRQ%I(^Un*|RZ6bjFFJG3otrqfjD(?^1ZuDJltM!HP)CEu z1jYePKT7O+^+MJst5{9nihAof{Gt`cg^!|u;g|)rS8OJ0I;{xP@a)}D+`YMubp@v{ zhF=tl=91g%UYLER4zl>dGv||ZOhf;j*_9qshkn~DOkeW~OCMx^4jSsvN2U|c;fwnnM1H%d=WT{;Rk<}*?{Z?QluuKGwh6)VkFhWLxO^~fUbv-a ziI-@abI+b-di9iCHM5CP>Gkck#PGzP-qwZp@vE#?Huobx`t09DD0>ZO;piRlS#$-s zJ7rzYOC6#wB%3N~>~`PGWm!L0>bOrJ^bwa<-U)7wdv6DLXe#b)`9kB_?%im_}XjCFNr>#vONBnrs+ zseMH&$}+R>jpX{SUuG0AbTI8Q;jNbZb`o;ib;&?@C7OQtL_Nzf?_KEIYiuU8fD|qDMO*;ZcobwFN!sW$t zI6n|G1L3*LeE~~GbDC9LE@T94!}O={E5BZm@| z!(-zqbGam^Vy+>T{l4JzKWZ#Jv$L@rW1kbm+*{MZ89ohpjq6S{DN;My3~ega*2%c= zE>mVP_%s8}K7kMZBqP;FHy2rQUJeun<7&Ol4j7&5bvV-?)6IJJk`$fs_nS-;S?Z7M zM&?gLF7`eM&cK^oqq@D1r#hc1>`u;LdT3BwOy04c#fYp0-Iw}d#_GDdL&P2yU9^M4 zHzVngv)!!Dm*{LI#V0d05M>&yG%A)pi|-Jc%iRFlo~Cy#GM1gv+(swI6z_~XagL-8 zNm0O8oFCm*vs=BxbK&L!iD=7yqGvycVUHzVDep8r*6W`7{o9ZIg8MRd zxjzR&qCf7>fs|KSa~D&bwG-YE2Z3*8>q1qH?SZUTX>0t}Dd>VZ&R7e`#udg26_+@lz%7dZef+T#<}3ZE)dujLDF0KzXEV!6hr`l!~l4KEsRBA zA^PM{IR_w77fekS6C;PpT3c9{gL%b38n7+|hzy`Wp0O#A#VibgdYR)KAy7vLVEK4= zM+h2tX#r#m1AndE0GJD~WHbf>HMh33!b31X3rJR$fncz}6c8ae1gZcL0e{q2-FG!wFX*P2-F?|bpU1s5{LmXjvVR&%npIN zLZEICs5?miR;Kqqs{k&6pvuO-*8l6U@H=_qPg@O&7EF^S@Pi<>|KJjkb&WT-zW@jW zOm4Px0XRbr)j7MhR5WmB`ilyX|9|KV0qy@qVN{Gg2*L&w3S|Q*@3#tg@ zuUnf+Iau16gOf{b(F{rsSm*C${dTvy5DX0V|D%xqzv4l{g&`A3-kwyN&sy{ML!zHOLe|?&O3TZ2wURvfg?R_W7rPdI3rm zto8pf4u8f>pzS6kt7-l+-9Uy9!M_kpJHS@L!fHfm@HHHv= zX92pJ0vfmlGXb3t;jKBK>{~4h2(W4bB5Pn{ZNaPnJF?ZXhX8wmFv1Z6NQ%&M05;NA z%LP!WtriY~BFsS!I1|9~68hmGs9$rqLx7*i2{1PZaO+EGZJB%2);#~(-#@*IJfOo{ z)Ju*G7)6fL8>jRkAh%V*tWONt)mXLR)lfeM$B2Sit%HyF3}-(;mFF zqk}B?<D~!L1E%~h820ae7;raj!v{QI z0157ZA%PHWCkz4m3kI0#zvx52Ky}}S4-OXw_vQ{55>)N&FeD5xAKPIti0YhSejkyCRw98m5 zVD@+P!@&Q>he7QE6TM!U& +2015-04-22 16:05:39,849 - __main__ - INFO - learn=True +2015-04-22 16:05:39,849 - __main__ - INFO - NG=20 +2015-04-22 16:05:39,849 - __main__ - INFO - nruns=10 +2015-04-22 16:05:39,849 - __main__ - INFO - pm=0.033 +2015-04-22 16:05:39,849 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-22 16:05:39,849 - __main__ - INFO - Starting run 0... +2015-04-22 16:05:39,849 - __main__ - INFO - Initializing population... +2015-04-22 16:05:39,851 - __main__ - INFO - Initialization Complete. +2015-04-22 16:05:39,851 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-22 16:05:39,852 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-22 16:05:39,852 - __main__ - INFO - Generation 0 running... +2015-04-22 16:05:39,852 - __main__ - INFO - Running fitness function on generation 0... +2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,853 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,853 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,854 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,854 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,854 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,857 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,857 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,858 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,858 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,861 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,861 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,862 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,862 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,862 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,862 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,865 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,865 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,866 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,866 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,866 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,866 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,869 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,869 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,869 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,870 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,870 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,872 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,872 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,872 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,873 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,873 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,873 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,873 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,873 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,876 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,876 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,876 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,877 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,877 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,878 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,878 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,882 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,882 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,883 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,883 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,883 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,883 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,883 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,886 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,886 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,886 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,887 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,887 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,887 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,887 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,887 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,891 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,891 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,891 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,891 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,891 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,895 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,895 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,896 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,896 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,898 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,898 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,898 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,899 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,899 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,899 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,899 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,899 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,902 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,902 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,902 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,903 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,903 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,903 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,903 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,903 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,906 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,906 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,906 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,906 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,907 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,907 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,907 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,907 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,910 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,911 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,911 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,912 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,912 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:39,912 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:39,915 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:39,915 - __main__ - INFO - Performing learning on the offspring of generation 0... +2015-04-22 16:05:39,983 - __main__ - INFO - Learning on the offspring of generation 0 finished. +2015-04-22 16:05:39,983 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-22 16:05:39,983 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-22 16:05:39,984 - __main__ - INFO - Fitness Value of Best Individual: 1010045120210252260745393733632.000000 +2015-04-22 16:05:39,984 - __main__ - INFO - Average Fitness Value of Generation: 114068104345960345628850520064.000000 +2015-04-22 16:05:39,984 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-22 16:05:39,984 - __main__ - INFO - Generation 0 finished. +2015-04-22 16:05:39,984 - __main__ - INFO - Generation 1 running... +2015-04-22 16:05:39,984 - __main__ - INFO - Running fitness function on generation 1... +2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,985 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,985 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,985 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,985 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:39,985 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:39,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,988 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,988 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,989 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,989 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:39,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:39,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,992 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,992 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,992 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,993 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:39,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:39,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:39,995 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:39,996 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,996 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,996 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:39,996 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:39,996 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:39,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:39,999 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:39,999 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:39,999 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,000 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,000 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,000 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,003 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,003 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,003 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,003 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,003 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,003 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,006 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,006 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,006 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,007 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,007 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,007 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,007 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,007 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,010 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,010 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,011 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,011 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,016 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,016 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,016 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,016 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,017 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,019 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,020 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,020 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,020 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,020 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,020 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,023 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,024 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,024 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,024 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,024 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,025 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,028 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,028 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,028 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,028 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,029 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,029 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,029 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,029 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,032 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,032 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,032 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,033 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,033 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,033 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,036 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,036 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,036 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,037 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,037 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,037 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,039 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:40,040 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,040 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,040 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,041 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,041 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:40,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:40,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:40,044 - __main__ - INFO - Performing learning on the offspring of generation 1... +2015-04-22 16:05:40,114 - __main__ - INFO - Learning on the offspring of generation 1 finished. +2015-04-22 16:05:40,114 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-22 16:05:40,114 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-22 16:05:40,114 - __main__ - INFO - Fitness Value of Best Individual: 1195302368347667290760130068480.000000 +2015-04-22 16:05:40,114 - __main__ - INFO - Average Fitness Value of Generation: 672408534324337364562232737792.000000 +2015-04-22 16:05:40,115 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-22 16:05:40,115 - __main__ - INFO - Generation 1 finished. +2015-04-22 16:05:40,115 - __main__ - INFO - Generation 2 running... +2015-04-22 16:05:40,115 - __main__ - INFO - Running fitness function on generation 2... +2015-04-22 16:05:40,115 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,115 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,116 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,116 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,116 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,116 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,116 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,118 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,119 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,119 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,120 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,120 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,120 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,122 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,122 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,123 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,123 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,123 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,123 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,123 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,123 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,126 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,126 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,126 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,126 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,127 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,127 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,127 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,127 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,130 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,130 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,130 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,131 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,131 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,131 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,134 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,134 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,134 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,134 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,134 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,135 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,137 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,137 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,137 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,138 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,138 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,138 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,138 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,141 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,141 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,141 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,141 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,141 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,146 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,146 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,146 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,147 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,150 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,150 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,151 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,151 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,153 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,154 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,154 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,154 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,154 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,154 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,157 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,157 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,157 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,158 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,158 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,158 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,158 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,158 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,162 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,162 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,162 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,163 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,163 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,163 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,166 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,166 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,166 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,166 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,166 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,170 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,170 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,170 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,171 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,171 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:40,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:40,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:40,174 - __main__ - INFO - Performing learning on the offspring of generation 2... +2015-04-22 16:05:40,244 - __main__ - INFO - Learning on the offspring of generation 2 finished. +2015-04-22 16:05:40,244 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-22 16:05:40,244 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-22 16:05:40,245 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:40,245 - __main__ - INFO - Average Fitness Value of Generation: 685518138929153128533392883712.000000 +2015-04-22 16:05:40,245 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-22 16:05:40,245 - __main__ - INFO - Generation 2 finished. +2015-04-22 16:05:40,245 - __main__ - INFO - Generation 3 running... +2015-04-22 16:05:40,245 - __main__ - INFO - Running fitness function on generation 3... +2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,246 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,246 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,246 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,246 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,247 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,249 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,249 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,249 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,250 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,250 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,250 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,250 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,250 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,253 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,253 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,253 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,254 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,254 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,254 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,254 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,254 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,257 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,257 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,257 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,258 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,258 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,258 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,261 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,261 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,261 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,261 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,262 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,262 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,264 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,264 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,265 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,265 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,265 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,265 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,265 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,265 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,272 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,272 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,273 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,274 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,274 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,275 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,275 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,275 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,280 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,281 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,281 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,281 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,282 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,282 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,282 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,282 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,288 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,288 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,288 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,289 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,289 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,289 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,289 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,289 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,292 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,292 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,292 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,293 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,293 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,294 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,294 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,297 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,298 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,298 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,298 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,298 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,298 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,301 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,301 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,302 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,302 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,302 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,302 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,305 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,305 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,305 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,305 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,306 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,306 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,309 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,309 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,309 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,310 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,310 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,310 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,310 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,315 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,315 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:40,315 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,316 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,316 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,316 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,316 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:40,316 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:40,319 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:40,319 - __main__ - INFO - Performing learning on the offspring of generation 3... +2015-04-22 16:05:40,388 - __main__ - INFO - Learning on the offspring of generation 3 finished. +2015-04-22 16:05:40,389 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-22 16:05:40,389 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-22 16:05:40,389 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:40,389 - __main__ - INFO - Average Fitness Value of Generation: 874881634273875036064079413248.000000 +2015-04-22 16:05:40,389 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-22 16:05:40,389 - __main__ - INFO - Generation 3 finished. +2015-04-22 16:05:40,389 - __main__ - INFO - Generation 4 running... +2015-04-22 16:05:40,389 - __main__ - INFO - Running fitness function on generation 4... +2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,390 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,390 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,391 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,391 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,391 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,394 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,394 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,395 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,395 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,397 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,397 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,398 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,398 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,398 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,398 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,398 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,398 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,401 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,401 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,401 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,402 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,402 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,402 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,405 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,405 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,405 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,405 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,405 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,405 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,408 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,408 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,408 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,409 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,409 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,409 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,409 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,409 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,412 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,412 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,412 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,412 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,412 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,415 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,415 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,416 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,416 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,416 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,416 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,420 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,420 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,421 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,421 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,421 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,421 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,422 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,422 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,425 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,426 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,426 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,426 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,426 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,426 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,429 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,429 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,430 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,430 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,433 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,433 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,433 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,434 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,436 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,436 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,436 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,437 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,437 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,437 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,437 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,437 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,440 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,440 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,440 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,441 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,441 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,441 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,444 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,444 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,445 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,445 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:40,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:40,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:40,448 - __main__ - INFO - Performing learning on the offspring of generation 4... +2015-04-22 16:05:40,518 - __main__ - INFO - Learning on the offspring of generation 4 finished. +2015-04-22 16:05:40,518 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-22 16:05:40,518 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:05:40,518 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:40,518 - __main__ - INFO - Average Fitness Value of Generation: 930383633540015333792389529600.000000 +2015-04-22 16:05:40,518 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-22 16:05:40,518 - __main__ - INFO - Generation 4 finished. +2015-04-22 16:05:40,518 - __main__ - INFO - Generation 5 running... +2015-04-22 16:05:40,519 - __main__ - INFO - Running fitness function on generation 5... +2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,519 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,519 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,520 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,520 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,522 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,523 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,523 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,523 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,523 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,527 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,527 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,528 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,528 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,531 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,531 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,531 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,532 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,535 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,535 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,536 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,536 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,536 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,538 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,538 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,539 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,539 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,539 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,539 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,540 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,542 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,542 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,543 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,543 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,543 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,543 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,543 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,548 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,548 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,548 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,549 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,552 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,552 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,553 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,553 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,556 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,556 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,556 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,556 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,556 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,559 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,559 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,560 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,560 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,560 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,560 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,563 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,563 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,564 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,564 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,567 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,567 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,567 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,567 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,570 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,570 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,570 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,571 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,571 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,571 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,571 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,574 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,575 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,575 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,575 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,576 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:40,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:40,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:40,580 - __main__ - INFO - Performing learning on the offspring of generation 5... +2015-04-22 16:05:40,648 - __main__ - INFO - Learning on the offspring of generation 5 finished. +2015-04-22 16:05:40,648 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-22 16:05:40,649 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:05:40,649 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:40,649 - __main__ - INFO - Average Fitness Value of Generation: 980388324437663207363667034112.000000 +2015-04-22 16:05:40,649 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-22 16:05:40,649 - __main__ - INFO - Generation 5 finished. +2015-04-22 16:05:40,649 - __main__ - INFO - Generation 6 running... +2015-04-22 16:05:40,649 - __main__ - INFO - Running fitness function on generation 6... +2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,650 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,650 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,650 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,651 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,651 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,654 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,654 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,654 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,654 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,654 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,655 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,658 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,658 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,658 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,659 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,659 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,659 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,661 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,661 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,662 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,662 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,662 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,662 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,666 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,666 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,666 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,666 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,669 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,669 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,670 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,670 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,670 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,670 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,670 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,670 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,673 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,673 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,673 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,673 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,674 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,674 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,674 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,674 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,678 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,678 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,678 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,678 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,679 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,679 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,679 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,679 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,683 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,683 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,683 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,683 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,686 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,686 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,687 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,687 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,687 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,687 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,687 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,687 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,690 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,690 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,691 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,691 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,693 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,693 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,694 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,694 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,694 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,694 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,694 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,697 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,697 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,697 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,697 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,698 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,698 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,698 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,698 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,701 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,701 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,701 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,701 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,701 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,702 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,704 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,705 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,705 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,705 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,705 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:40,706 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:40,709 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:40,709 - __main__ - INFO - Performing learning on the offspring of generation 6... +2015-04-22 16:05:40,781 - __main__ - INFO - Learning on the offspring of generation 6 finished. +2015-04-22 16:05:40,781 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-22 16:05:40,781 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-22 16:05:40,781 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:40,781 - __main__ - INFO - Average Fitness Value of Generation: 771332895097043702893147848704.000000 +2015-04-22 16:05:40,781 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-22 16:05:40,782 - __main__ - INFO - Generation 6 finished. +2015-04-22 16:05:40,782 - __main__ - INFO - Generation 7 running... +2015-04-22 16:05:40,782 - __main__ - INFO - Running fitness function on generation 7... +2015-04-22 16:05:40,782 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,782 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,783 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,783 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,783 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,783 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,786 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,786 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,787 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,787 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,787 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,787 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,790 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,790 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,791 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,791 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,791 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,791 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,794 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,794 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,794 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,795 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,795 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,795 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,798 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,798 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,799 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,799 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,799 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,802 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,802 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,802 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,802 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,806 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,806 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,807 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,807 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,807 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,808 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,811 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,811 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,812 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,812 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,812 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,815 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,815 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,815 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,815 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,818 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,819 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,819 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,819 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,819 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,819 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,822 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,822 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,822 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,823 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,823 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,823 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,823 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,823 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,826 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,826 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,826 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,826 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,826 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,829 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,829 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,829 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,830 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,830 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,830 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,830 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,830 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,833 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,833 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,833 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,833 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,833 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,836 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:05:40,836 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,837 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,837 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,837 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,837 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:05:40,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:05:40,841 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:05:40,842 - __main__ - INFO - Performing learning on the offspring of generation 7... +2015-04-22 16:05:40,909 - __main__ - INFO - Learning on the offspring of generation 7 finished. +2015-04-22 16:05:40,909 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-22 16:05:40,910 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:05:40,910 - __main__ - INFO - Fitness Value of Best Individual: 1243108276586848316601820774400.000000 +2015-04-22 16:05:40,910 - __main__ - INFO - Average Fitness Value of Generation: 995650587477121701055666585600.000000 +2015-04-22 16:05:40,910 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-22 16:05:40,910 - __main__ - INFO - Generation 7 finished. +2015-04-22 16:05:40,910 - __main__ - INFO - Generation 8 running... +2015-04-22 16:05:40,910 - __main__ - INFO - Running fitness function on generation 8... +2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,911 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,911 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,911 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,911 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,911 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,914 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,915 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,915 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,915 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,915 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,915 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,918 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,918 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,918 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,919 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,919 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,919 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,919 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,919 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,922 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,922 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,922 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,923 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,923 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,923 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,926 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,926 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,926 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,926 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,927 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,927 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,927 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,927 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,930 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,930 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,930 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,930 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,931 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,933 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,933 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,933 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,934 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,934 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,934 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,934 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,937 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,937 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,937 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,938 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,938 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,938 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,942 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,943 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,943 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,944 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,944 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,944 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,947 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,947 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,947 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,948 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,948 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,948 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,951 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,951 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,951 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,951 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,951 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,951 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,954 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,954 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,954 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,954 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,955 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,955 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,955 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,955 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,958 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,958 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,958 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,959 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,961 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,961 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,961 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,962 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,962 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,962 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,962 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,962 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,965 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:40,965 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:40,965 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:40,966 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:40,966 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:05:40,966 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:05:40,968 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:05:40,969 - __main__ - INFO - Performing learning on the offspring of generation 8... +2015-04-22 16:05:41,039 - __main__ - INFO - Learning on the offspring of generation 8 finished. +2015-04-22 16:05:41,039 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-22 16:05:41,039 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-22 16:05:41,039 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:41,039 - __main__ - INFO - Average Fitness Value of Generation: 964749022082211689908173537280.000000 +2015-04-22 16:05:41,039 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-22 16:05:41,039 - __main__ - INFO - Generation 8 finished. +2015-04-22 16:05:41,039 - __main__ - INFO - Generation 9 running... +2015-04-22 16:05:41,039 - __main__ - INFO - Running fitness function on generation 9... +2015-04-22 16:05:41,040 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,040 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,040 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,041 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,041 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,041 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,041 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,044 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,044 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,044 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,045 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,045 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,045 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,047 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,047 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,048 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,048 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,048 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,048 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,051 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,051 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,051 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,052 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,052 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,052 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,055 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,055 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,055 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,056 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,059 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,059 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,059 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,060 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,060 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,060 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,063 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,063 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,063 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,064 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,064 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,067 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,067 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,067 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,068 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,068 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,072 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,073 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,073 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,073 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,073 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,073 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,076 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,076 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,076 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,077 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,077 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,080 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,080 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,081 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,081 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,081 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,081 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,084 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,084 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,084 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,085 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,085 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,085 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,085 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,086 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,088 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,088 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,088 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,089 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,089 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,089 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,089 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,089 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,092 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,092 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,092 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,093 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,093 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,095 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,096 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,096 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,096 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,096 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:05:41,096 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:05:41,099 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:05:41,099 - __main__ - INFO - Performing learning on the offspring of generation 9... +2015-04-22 16:05:41,169 - __main__ - INFO - Learning on the offspring of generation 9 finished. +2015-04-22 16:05:41,169 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-22 16:05:41,170 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-22 16:05:41,170 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:05:41,170 - __main__ - INFO - Average Fitness Value of Generation: 774593603001314141061645336576.000000 +2015-04-22 16:05:41,170 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-22 16:05:41,170 - __main__ - INFO - Generation 9 finished. +2015-04-22 16:05:41,170 - __main__ - INFO - Running Sudden change in environment test starting at generation 9... +2015-04-22 16:05:41,170 - __main__ - INFO - Initializing environment... +2015-04-22 16:05:41,170 - __main__ - INFO - Initialized environment. +2015-04-22 16:05:41,170 - __main__ - INFO - Running fitness function on generation 10... +2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,171 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,171 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,171 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,172 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,172 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,174 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,174 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,174 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,175 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,175 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,175 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,175 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,175 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,178 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,178 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,178 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,179 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,179 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,179 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,179 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,179 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,182 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,182 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,182 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,183 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,183 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,183 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,183 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,183 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,185 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,186 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,186 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,186 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,186 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,186 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,186 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,189 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,189 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,189 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,189 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,189 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,192 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,192 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,192 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,193 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,193 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,193 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,193 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,193 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,196 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,196 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,196 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,196 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,197 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,201 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,202 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,202 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,203 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,203 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,206 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,206 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,206 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,207 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,210 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,210 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,210 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,210 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,211 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,214 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,214 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,214 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,214 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,214 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,217 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,217 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,217 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,218 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,218 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,218 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,218 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,218 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,221 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,221 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,221 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,222 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,222 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,222 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,225 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,225 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,226 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,226 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:05:41,226 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:05:41,228 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:05:41,228 - __main__ - INFO - Performing learning on the offspring of generation 10... +2015-04-22 16:05:41,305 - __main__ - INFO - Learning on the offspring of generation 10 finished. +2015-04-22 16:05:41,305 - __main__ - INFO - Computing statistics for Run 0, Generation 10... +2015-04-22 16:05:41,305 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-22 16:05:41,305 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:05:41,305 - __main__ - INFO - Average Fitness Value of Generation: 989085944745442073313821065216.000000 +2015-04-22 16:05:41,305 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 10. +2015-04-22 16:05:41,306 - __main__ - INFO - Population has recovered after 1 iterations. +2015-04-22 16:05:41,306 - __main__ - INFO - Finished run 0. +2015-04-22 16:05:41,306 - __main__ - INFO - Starting run 1... +2015-04-22 16:05:41,306 - __main__ - INFO - Initializing population... +2015-04-22 16:05:41,307 - __main__ - INFO - Initialization Complete. +2015-04-22 16:05:41,307 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-22 16:05:41,309 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-22 16:05:41,309 - __main__ - INFO - Generation 0 running... +2015-04-22 16:05:41,309 - __main__ - INFO - Running fitness function on generation 0... +2015-04-22 16:05:41,309 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,310 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,310 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,310 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,310 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,310 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,310 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,314 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,314 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,315 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,315 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,318 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,318 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,318 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,318 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,318 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,321 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,321 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,321 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,321 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,322 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,322 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,322 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,322 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,324 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,325 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,325 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,325 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,325 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,328 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,328 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,328 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,328 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,329 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,329 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,329 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,329 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,332 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,332 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,332 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,332 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,337 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,337 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,337 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,338 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,338 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,338 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,341 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,341 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,341 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,342 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,342 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,342 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,344 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,344 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,345 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,345 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,345 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,345 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,345 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,346 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,348 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,349 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,349 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,349 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,350 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,350 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,350 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,353 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,353 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,353 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,354 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,354 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,354 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,357 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,357 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,357 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,357 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,357 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,358 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,360 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,361 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,361 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,361 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,361 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,361 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,364 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,364 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,365 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,365 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:05:41,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:05:41,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:05:41,369 - __main__ - INFO - Performing learning on the offspring of generation 0... +2015-04-22 16:05:41,438 - __main__ - INFO - Learning on the offspring of generation 0 finished. +2015-04-22 16:05:41,438 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-22 16:05:41,438 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:05:41,438 - __main__ - INFO - Fitness Value of Best Individual: 1040727734018910144695227121664.000000 +2015-04-22 16:05:41,438 - __main__ - INFO - Average Fitness Value of Generation: 129778698999921006536007090176.000000 +2015-04-22 16:05:41,438 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-22 16:05:41,438 - __main__ - INFO - Generation 0 finished. +2015-04-22 16:05:41,439 - __main__ - INFO - Generation 1 running... +2015-04-22 16:05:41,439 - __main__ - INFO - Running fitness function on generation 1... +2015-04-22 16:05:41,439 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,439 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,440 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,440 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,440 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,440 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,440 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,443 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,443 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,443 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,444 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,444 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,447 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,447 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,447 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,447 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,447 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,448 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,450 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,450 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,451 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,451 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,451 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,451 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,454 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,454 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,454 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,454 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,454 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,457 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,457 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,458 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,458 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,458 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,461 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,461 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,462 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,462 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,464 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,464 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,465 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,465 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,465 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,465 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,465 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,465 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,470 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,470 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,470 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,470 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,470 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,474 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,474 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,474 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,475 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,475 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,478 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,478 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,478 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,479 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,479 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,481 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,481 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,481 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,482 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,482 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,482 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,485 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,485 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,486 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,486 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,488 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,488 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,488 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,489 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,489 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,489 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,489 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,489 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,492 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,492 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,492 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,492 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,493 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:05:41,493 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:05:41,495 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:05:41,496 - __main__ - INFO - Performing learning on the offspring of generation 1... +2015-04-22 16:05:41,562 - __main__ - INFO - Learning on the offspring of generation 1 finished. +2015-04-22 16:05:41,562 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-22 16:05:41,563 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-22 16:05:41,563 - __main__ - INFO - Fitness Value of Best Individual: 1061646194129383407899996323840.000000 +2015-04-22 16:05:41,563 - __main__ - INFO - Average Fitness Value of Generation: 338688247995654265251389505536.000000 +2015-04-22 16:05:41,563 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-22 16:05:41,563 - __main__ - INFO - Generation 1 finished. +2015-04-22 16:05:41,563 - __main__ - INFO - Generation 2 running... +2015-04-22 16:05:41,563 - __main__ - INFO - Running fitness function on generation 2... +2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,564 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,564 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,565 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,565 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,565 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,568 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,568 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,568 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,569 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,569 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,572 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,572 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,572 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,573 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,573 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,573 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,575 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,576 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,576 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,576 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,576 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,576 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,580 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,580 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,580 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,580 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,581 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,583 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,583 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,583 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,584 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,584 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,584 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,584 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,584 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,587 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,587 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,587 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,587 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,588 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,588 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,591 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,592 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,592 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,592 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,593 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,594 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,594 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,594 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,597 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,597 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,597 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,598 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,598 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,598 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,601 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,601 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,601 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,601 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,602 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,604 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,604 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,604 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,605 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,605 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,605 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,605 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,605 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,608 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,608 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,608 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,608 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,608 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,611 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,611 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,611 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,612 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,612 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,612 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,612 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,612 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,615 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,615 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,615 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,615 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,616 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,616 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,616 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,616 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,619 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,619 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,619 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,620 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,620 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:05:41,620 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:05:41,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:05:41,624 - __main__ - INFO - Performing learning on the offspring of generation 2... +2015-04-22 16:05:41,693 - __main__ - INFO - Learning on the offspring of generation 2 finished. +2015-04-22 16:05:41,694 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-22 16:05:41,694 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-22 16:05:41,694 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:05:41,694 - __main__ - INFO - Average Fitness Value of Generation: 394699123534837876905461415936.000000 +2015-04-22 16:05:41,694 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-22 16:05:41,694 - __main__ - INFO - Generation 2 finished. +2015-04-22 16:05:41,694 - __main__ - INFO - Generation 3 running... +2015-04-22 16:05:41,694 - __main__ - INFO - Running fitness function on generation 3... +2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,695 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,695 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,696 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,696 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,696 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,699 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,699 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,700 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,700 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,702 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,702 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,703 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,703 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,703 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,703 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,703 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,706 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,706 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,706 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,707 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,707 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,710 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,710 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,711 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,711 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,714 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,714 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,714 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,715 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,715 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,715 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,718 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,718 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,718 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,719 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,719 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,719 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,721 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,722 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,722 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,722 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,722 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,722 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,723 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,727 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,727 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,727 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,728 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,728 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,728 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,731 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,731 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,731 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,732 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,732 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,732 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,735 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,735 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,735 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,735 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,735 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,735 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,738 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,738 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,738 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,739 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,739 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,739 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,739 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,739 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,742 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,742 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,742 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,743 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,743 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,743 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,746 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,746 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,746 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,747 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,747 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,747 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,749 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,749 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:05:41,750 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,750 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,750 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,750 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,750 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:05:41,750 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:05:41,753 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:05:41,753 - __main__ - INFO - Performing learning on the offspring of generation 3... +2015-04-22 16:05:41,823 - __main__ - INFO - Learning on the offspring of generation 3 finished. +2015-04-22 16:05:41,823 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-22 16:05:41,823 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-22 16:05:41,823 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:05:41,824 - __main__ - INFO - Average Fitness Value of Generation: 637668436320093263678148706304.000000 +2015-04-22 16:05:41,824 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-22 16:05:41,824 - __main__ - INFO - Generation 3 finished. +2015-04-22 16:05:41,824 - __main__ - INFO - Generation 4 running... +2015-04-22 16:05:41,824 - __main__ - INFO - Running fitness function on generation 4... +2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,825 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,825 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,826 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,826 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,826 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,828 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,828 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,829 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,829 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,829 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,829 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,829 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,829 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,832 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,832 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,832 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,833 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,833 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,834 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,834 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,836 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,836 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,836 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,837 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,837 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,837 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,837 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,837 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,840 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,840 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,840 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,840 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,843 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,844 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,844 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,845 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,845 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,847 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,848 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,848 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,848 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,848 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,848 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,852 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,852 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,853 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,853 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,853 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,857 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,857 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,857 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,857 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,858 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,858 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,858 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,858 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,861 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,861 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,861 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,862 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,862 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,862 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,865 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,865 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,865 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,865 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,866 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,868 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,868 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,868 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,869 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,869 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,869 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,871 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,872 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,872 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,872 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,872 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,872 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,875 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,875 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,875 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,876 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,876 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,876 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,876 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,876 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,879 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,879 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,879 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,879 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,879 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:05:41,880 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:05:41,882 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:05:41,882 - __main__ - INFO - Performing learning on the offspring of generation 4... +2015-04-22 16:05:41,953 - __main__ - INFO - Learning on the offspring of generation 4 finished. +2015-04-22 16:05:41,953 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-22 16:05:41,953 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:05:41,954 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:05:41,954 - __main__ - INFO - Average Fitness Value of Generation: 738497466589085227055740616704.000000 +2015-04-22 16:05:41,954 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-22 16:05:41,954 - __main__ - INFO - Generation 4 finished. +2015-04-22 16:05:41,954 - __main__ - INFO - Generation 5 running... +2015-04-22 16:05:41,954 - __main__ - INFO - Running fitness function on generation 5... +2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,955 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,955 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,955 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,955 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,956 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,958 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,958 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,958 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,959 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,959 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,959 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,959 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,959 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,962 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,962 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,963 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,963 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,963 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,966 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,966 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,966 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,967 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,967 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,967 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,969 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,969 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,969 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,970 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,970 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,970 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,970 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,970 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,973 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,974 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,974 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,974 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,975 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,975 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,975 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,975 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,978 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,978 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,979 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,979 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,979 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,979 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,982 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,982 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,983 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,983 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,983 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,983 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,984 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,988 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,988 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,988 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,989 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,989 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,989 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,992 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,992 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,992 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,993 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,993 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,993 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,993 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,993 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:41,996 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:41,996 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:41,996 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:41,997 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:41,997 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:41,997 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:41,997 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:41,997 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:42,000 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:42,000 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:42,000 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,001 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,001 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,001 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,001 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:42,001 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:42,004 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,004 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,004 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,005 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,005 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:42,005 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:42,007 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,008 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,008 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,008 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,008 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:42,009 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:42,011 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:42,011 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:05:42,012 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,012 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,012 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,012 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,012 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:05:42,012 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:05:42,016 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:05:42,016 - __main__ - INFO - Performing learning on the offspring of generation 5... +2015-04-22 16:05:42,086 - __main__ - INFO - Learning on the offspring of generation 5 finished. +2015-04-22 16:05:42,086 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-22 16:05:42,086 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:05:42,086 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:05:42,086 - __main__ - INFO - Average Fitness Value of Generation: 819932084640701407020795822080.000000 +2015-04-22 16:05:42,086 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-22 16:05:42,086 - __main__ - INFO - Generation 5 finished. +2015-04-22 16:05:42,086 - __main__ - INFO - Generation 6 running... +2015-04-22 16:05:42,086 - __main__ - INFO - Running fitness function on generation 6... +2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,087 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,087 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,088 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,088 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,091 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,091 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,092 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,092 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,092 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,094 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,094 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,095 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,095 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,095 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,095 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,095 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,095 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,098 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,098 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,098 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,099 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,099 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,099 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,102 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,102 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,103 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,103 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,103 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,105 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,106 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,106 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,106 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,106 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,106 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,107 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,110 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,110 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,110 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,111 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,111 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,111 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,111 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,111 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,114 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,114 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,114 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,115 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,115 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,115 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,115 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,115 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,119 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,120 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,120 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,121 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,121 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,124 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,124 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,125 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,125 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,125 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,128 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,128 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,128 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,129 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,129 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,129 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,132 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,132 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,132 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,133 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,133 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,133 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,133 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,133 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,136 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,136 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,136 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,136 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,136 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,137 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,140 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,140 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,140 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,140 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,143 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:05:42,144 - __main__ - INFO - First parent has been selected. +2015-04-22 16:05:42,144 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:05:42,144 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:05:42,144 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:05:42,144 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:05:42,148 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:05:42,148 - __main__ - INFO - Performing learning on the offspring of generation 6... diff --git a/genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf b/genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf new file mode 100644 index 0000000000000000000000000000000000000000..12b4ecba5d63504bbd25bb0231c4a7b6d3b9bb30 GIT binary patch literal 14009 zcmb`u2{={V7cibAx)d2x)Inys^S!PqW5|?QQJJoJyskMSvyen0DH%eOu>p;enM{?G zHxbE{q0r>p=c@OO{C|JX_k4PGd!K#QS$j=;t#$TYNBDr+zCCDZ976coYv^hv0u7-c z4;yEMygY<74)7#HNL6d9wX25%ggjvFK=y_(0KgDZR78;7?O;HeKOQjGw{a%hQXwJ@ z20TEek}2*G9==2%4^TX8jmT8U0-#dc2hfxKsSr}j4WL!|)vNyMwV=ZgQr(}bVMMj2 zk|Ep@0wYIjJ12Jsh_HlypNBgY!qUe7k%LBoiQf!pP&|A*A($0aBM7NR_I0u)8)|^X zz?Ct@+TGjJnnHHB4fxIK61<`!%qzG-U1Ao2)Fs3DH@Xs7i*Y)m1u|-XO*gbQ%6+rJstDy$O37O85(qNvfDH`vd(xo9~j`Vco!XKRi_U$Cpsg+6{-f ztS~L9ExFlMCZl@VkI+0nDeCHv#`&wrJZZVN^O7a=8T_Qn?$W)#Lpajqn3!HJw#)5m z{aNq4dVj~pEh5OD^ftQTaffzXsjeM-edwjsTcKl4fvPts(OC%WSR4^nuGKa_cKnF-DG* zQLEaN<~zkVB#w<;E$xzQ7tSkGs5SjeeBRNuv*HUGgS8yi8z#r2hcr`zttR^?dnnr_ z$0|qf-p+o0>c_)rt4(aCgy$k=X3SyTx9D%aVzVl$I7F?iJ7O}v$=r(6(Ym|HK)JJa z@j`(A&Ycl5GfV*~s)NlrnMenw3%#?)wck}2{ycf!`Pl>Nt28I8Olh;b0-JJ6HLfP^ zewvOjxnc%I&XFqYvl>~g;V)1 z;MKZ2x%o3=^yDi}T9ux%?Yz>Sq(xOV3%7ixDV@MlP#;^6+hnnIPryJu%LtAt+hv;; z9+B(GH&cDB??i6?3C^2y>YjvMCkxE-7{pE|zTP~LZB$+H9_QNL&e5)Q`~LdMBl;{; zyd6$VJ_U8s(P{RDj>)z0&BpPMjW0P4ZxkBgGja5aRih`?s9k&exYk?Ze2iuWGnYXK zjv}<{nUmX4Vc-}gX{+0NOY72{VI$?ZGpdL?Zrfx3ThFU9;EewzThYtjDk{BA4w_d4 zy0Ujx@!8q2P>j8v5A5VsXC_ew;-v#fS!pIWxkqb{ZfLQ!Q8m%(ac{EsY#{#cOg~tWCC)wR=#zI|eCh zJ4BW0&3Iknh->N$eKHjqSm1m_gy0x()&;;7X0+CJJ>Wmqf0WU>V(hZ->+Yb1YOx1L zzdrXk&V7_;hyR_(G}iMi?|Qe`&sDiy(>>a!B?$xl-{R)5wdT1KU4M@bDTu{M`1L z`^#LFoKofJp|&268k?;LVTbx_Xa91ov>gw-1`-kf+ufpJ=eHJjL6Cu+^uMkGizOJL z4iux-v*+hWA%^yyMTkdPDk;XKHZgEC(UmnzHHS$FF(;knlU8N6MY-9y=33d?Y_vNF zp`pr-b(DGb)2q-2`}wudB7<5+i+X(3=7%UIwV-^f4Iv`-7sXP`j_-i>zxLFx47wxB zjxp-9j*8xp#Ud4DG_^53#|nREpJBpA3{v@lhuOy2h^S|QUf~{k6!KCa_^zu`dDuD6SH_{ZPdga442CR z@pCC@4^2>(%&#UcH~z$E>0F5F47yDpUOMF!-l6sFi&x;ft3LuazG3a)6Et6i!nHbm z42Wlcsu6#nX|pPtsmcMtUBJ0M%r49Hp3kC-+cP=qt&1w=^(jmNg$=FZBif3xI;^*( zACw3(U-uCnYs`SMBqy`eOH0~czO(Y&E^;K4n`rgHDPcRF+J7QnI#ngCR`^r;F`u9h z_w{-Gop~v~8@8%8SZ#8y+d`JV5}p8Iv<*t_hR_0H1W(AyioWu2Aak%OUQH`GYl9f^4t zJ*w;GSe4cpmH#ao%%1`Le<=@5TqYSTq5J?Uw1!hvdfoPv^<%3b{xh}tUx=|QFyjri zDM04E4~#s+TF*TQ&Z3q&PdvCDAu3tCM@dB*d9Xt}q)WIruV&C}*PL*PisGs9jAp~y zIqovfwmmmB+P2=_gV-r$;Z=I${f0Ip5oZFxA%({&?`;Ypk=!HL& z+kxrZdgk5s~y>2%;2nI_ESnaY5#HUoz%OitpUb zp%ANCO1Vcgjp<7=ORjSe7U5-kBT}MU{&3)RYI#KZITeN>^U!W;S>;zg9rJveR-m-U5)?TW1ZN@s2cVI=Yvx>6{Vf(e7#91Uqjb-{BfxTVNyUXX8|jf z@~BR1H(j)z?QTRzap=}C(!Juidqd15?uRkt3mH-@ZjQoLfr*h1pJkTiSwDS|^<&MI1f^T)OL3@moJ1H&7VZoE-q84X4phC+Q?GKU!oLni)-N;!&9EjNwJNaRj+ zS|AIU>^UR-U|h>BcE|Kw10t3q*-ZFV9?R(i3-Xc14;-4R??2Dn3TdYz&YVfE6K4L& zlGZ29H*D*&_mq&ILZFpNd;~jP6DLQG%R$+ynv8_+^7(Xo-)*JbFu%=b%cZ%w((4u1 zr0PsS{dUOy+}Sw9VbfUd5ap>$8rOs8%#F>V_HjNf&-jD`r$c?iUTLzB%DAfvkY5j` zoZCblKPfnI`60VjbEeH<*{`gMRH=dogn_1;iTl55O1kL0^2^b3Y8E_mBTe0d=n<@N zM`=d7@%WJzNZIJQnA5RmMHg(vGI+_6eta1$xH`V*W)AsiEPKjquvo}ZZIMc`(|fmU z&OUy0XHIp#NRa67# z(rZx-nt)xl^>mZuw$z|lRQ)cV;9-J34zvXrQk^Fsm{Qm;g+F3!OcL|)X0m^KNuav# z;mJMxX5<;hZ z?CHlpe$p1dLBFSSBseANg`#8SeLv)f`j!Zt_uP$|wP#YFoZ+>)3iftx2sbqQi?X*3WjOvDwD0W6JkC+1NAh zBzZ7ouufV|Tk!TVMz=HH;))n^-A^M@u=}248{T1&tiy0&`$TF^%FANoi`xfx;@+f~UQG8T zGfE{8?eau?zJBf;VAMwCA=%rNW1d_bq(n-lWjU-v+)G|(;?lWY# zO2X1<@9W$mWaak!9AvV-THS@IocrB$q@JXpB8f;v>6&Ck))yQ0n+LTyZsw_ss_yU% zO!it_*i|jr_hNF_s~LN{Rb;u=91erSEt93LftLFdnk>IRTzB?bZGe7U)~m&%+Opep zSfjQbe8=u5DpLBXG_sOgmhUKGdjCt7?>ozfp0veqEw&Q`uOB<$7N+w=?esJCH;%7` z-h7f!`*s>}q_EGnMdS5#oX5z^+Mj)lof#TM*AP=lw%&F^PKP*k&Xwry?~58v?h zbp#(<9x0G3`R6Ov7ZvSe&tElX6>Qm=&fX~6;_Rq*<(xoS_Riad<_%)63osHBM!Zf6 z^}RAp>+}*i8XXmSN-|=mjV@ZM9MO5QscLM@JVsZ_m9Hbj`0JDDnd`&>kNk?WDo+_= zpK+%3wfUc#-22AdVzvBWtw|>ay<+DcAZ?*XGmZU-TTt2^?uMG|5j*_zpD4OKbM&F1 z$07V2b)S+Mj;{YF?sh!a4*R%C^P@?M! z>@3_ru*VV9uMAG=dTSHkf63MAbUVa*E^tNmq`bYN6#BN5lCRn2 zOkt_L-Npx@e|U+@m$2# zhU@#@x6J0eV7u?+x9def^cT&6z8d5Et)%YOsyHSm=7Zhk_mf;X8@9OYmC)^NZDK2V z>$=_a179Cgm6@NY_O_4*((FL)l32E5h7go@%r7Gg`3TA3SZMdVJ?z^cYr3p<%FV@6g=_W6t|r zMd!~Q;IZld;kcoin~D^aY-IfB6q&`lb?$8rTbh*!&gzTC8&7OHz|+DLV@g$qa|AUX1K8IC(-c z<@qM+<>yZ-o8Mj?{^CniMNYphsPqqJ8PzU+{2?z$>evmHUCpyPa(-Gu_dexwY_(@) zFigL2I#pJ|Ciu3};zhFL{I`a-nIFttVwMuC$ZxGFJ_ffux!hwwN~Tw4Y8vJWRPpYd zENMDDw>W}mqzjKyg=F`59eAqGc2=@)y56L`e=>dBBfm%4|1|pS;3lzgX?AQg)-5<( zz4IQUFQ5JTnOwY7IPWO^URwk)(92)vY0tP1FMdPN3m1L+0~kpjuZAZKMm{g=(`)qe zT>(SQ?2jUaSmmS*IadvG68LIEMw)~!SepnrvwXAE z?tS6S(YhTc$9+|vl&4{q+0;>`2nBm?t9N%_|IyE_|mi$g|*HMSyG0&QZ%FlR~mwGMoYiT{yv0A3uL) zaK=tFb?)c5BBsGKR4aC!7}6)bG+!Qa64|ua-rsK{_ulViR!j543N<80lXzRUg;xUx6Iv7c4tjwi{*PqdGkUad*Y%DhiuHQ9%qsB zkV5uI)u%KwWAAf)G6zaFW%(u*konpsGZreb;pja{;`kRln0+$Jde+qKi_b8s!E<~=cd~yL=83^ zi3;l3B<-;+?T1YBu}?=1kz=jpNqE=vbT%#>n{>;crC#}4<6 zjyo3fKeK{9rKjEV@Wxwe+~H zT+mKoVSD^z1)e`_4ny8OruzYRjEL#|B-^voQ~!?i>$Ij54v)`1G&4@~yN5j7qZ#ZM zT@+$(7gVO%l9ZY%`&k7i@={={f)KEIDev%H@#}`~?~7T4N`Fkfr6-q=d`XD2-y=n+ ze}rqludeI%t6j2}vYDE0Nyo^h@4oD7?d3dmRzUEgk1f7#{-mCuZ{5JpYp79!-N_ve zjBmU|a&*rgrYGGEC@MCUAjK#iX@45=ky;dHTm9nJEQizEyI+p>Gb#ozp4#^HZr|Rg z6PALjNNvqIJZ^b+Sy$=-j@AHflIJ7tU5c|29huSP9 zDIV`M_9-hcKj4Xchkeq<6RF%9k*k#XnU^iyKkC&!_Yc0Ft<^Qyc+z^F+C!fCo#|gJ zUk+w6in6u3rA)=ERB9P>c^O~y(wQnMZA*9&mRI3g)_HnNAR$6qOIRc=#7JVXT--w9 z!z*=;V$H#@GrG8bslBSnHqDn(4CYW3iL+j%r!{<@HS}bX_N4brTp8Cn#%eB-Zt!0G z!Z1crv~b2!FLp2@e&AAP6KP77A_W_OR62^*v*bYDrjBfl7baq1_1;-!PM zpSPBu#$wl+wWF~sUXM>Hv)6#+YBD4;E3|}eCW{)l|L5^NNrVZ8@%YfwQ79&P8)IB-6)w{Dimr68{aJzS* ze*R(b#lBr8w{~ARvD4yXgmnAvY4!EqFO5-cAD?P#pSm*M)3?iB5&L2lTUcuvz49Cx zbNc`|N5;{yM{$cFhU_=e&XMmI#@H!kjJ7Uc{bF zONL%BZR5Iza<2EQ(6ZL7b>+c>deU8=4QLisZ<8=~|4`YFyn8jueq3R8s_s+z>L1}B zqp+!la=13Kee>SFTg|xYM9k}i&*Z1`1tm&)<A}a+u|4eIAd)8jtjM+uX>xY>AW= zWN%I$xT+*{Ot!R6)uJ~&ME2(KF@Z^rMG1*vcWXN7q6wu1!(CHdr+N%NW@Mj|kaXGU z{OSQym0-%PU`su6W@Qj#`C|u3vv0xl1;etTtMIz!bQr&451!UeriYl+=CV!*g?=BD zPtP!+ERN&O=@5L=3VuZF7s_Xs8s-c@{ivUAvAZ==!FTmS!umKt&gMahS@W>&3*zsZ zE7U4JmtZKbNBG0vZ63anX^^5+dmUQJzVa_|>B-i=yGf(d~c5~g)BYgWPyp8chNcJY3Y28acQAz_t;(?S+ zU#7gOW|WF=S8vL7Wg4t!i{GMLrFY}F*XZ}YMcJAQ!>?G(68)y+bX=+ikm!cEyP@h6 zoLw^tJl98A_$M3EZ7H3>s>7DWO>dO*+rIA_ont)^XCL#o9C2$-mC-9Ql>=2y$ae*OLl-9+zWMsGn{uyq|4q+f%Klkf>I9Zz0abD_<6& z=DE*#I*w{xTUxK0+r0s=K<`qq?nYnW0?|=}${RYy5j%j(<5OLHey47fK03~Dm7hRx zYt4kw1oX0e0=#vx*FY@btxHAYlg7qlS=7q?lMk*7=$3_EDN)+!C%U1qf`Ox*0qLe) z$*gFxsr9M<2ZB4EeQ<+MsA=wiV~Sz$-CCzq>XakFTax)Y2fzK6z?2-`OKh@SedCu0 zDfttv3mTrEkABuDnaFH;^3d-6mI(XL;uFWt^BWv~V|Tp6*8RE5ajq{##pT!X-beJd z9>!kUFj2@i{)3^=TQ*`9Ls)aly5b~nk0B{>H=3pC2O`93-RSgG)=r(SZ;Mnd69$GN z*CzQvN{yOuh*VOqfy=uW`|K}0{&e$dbL6CEZ@p}cOTD^f!`a6UYEpyfC-P5DO!m(6 z?p(Om+)&2&6xlP!YdTiAsY&JONo;wIL}HCZeTmhmU{R32QEpA)?w1267Zq#0c}{TO z7jk@vTo}G8g;POVLY+M`ltbps1fPal_@inCehWt893 z0O>@G8(Gc8+95pmY3-Mxm#6YJ9RBc>oGY__Azk7z{r-$**UQk)`VoOE7`FTyBl|^f z8*ur3Y_Kf5TYW(bV=<>5*TUI4`Z)cw-#N_H7P)}49C>=`^SnW~Hf+8y@Uh1wJ#yb| z(j!UXV+7wo%JjXAgRBjOnwngll?c6@dQR<^XXi8GGCI1NKK+w6$9sH{4*TvH-6~31 zYdVX@ugK4m?!voM&D%tI6MHe!$CA2szr{kHh5h9o>-I$76gDc_B`TQz`i0{xDqzb+ zU13wHmm;^$Y^UttR^E?3=dXvpnsYllJ-Tc3PC?NfAN$l!r>4f*<1>zC*fR=`@gGG$ z>3*2MC|_Rq!Q#?Q=9FNi3YiO92hhPcZNhRgeUA%fZhNc9tC21)%G!VSDwXX7+ycD;2nPl_z?c&DuCdcFmcNrNd zUS-d&@MUn`etqH-ImS-Ix#VUOS$w+c^QLVPTthMXoUxI^VO#74r$p&(g1+?Fn3*Aq zw(>sLie@z2(BbONj>4&zehlC7(yR`@S6`#&QG@b>xJUB@nRKL9z)^;5wo^Pmx3u-t zmn5t1=9~_$co-w(8oD)Ge_V(S6!fUiO{5ztikQSruG=TT7hGh9spdJ|;~dqp$a}a) z062$i;qQLQ!2lv#d+fse0(kMLB3^dB*8Jb7xaA#eW|kMQwl zp}Br@C&Fcwr|;|#&y;rWF$>&r>P(i%x{_HP)$xC<)Vog};@or8-S(M{#QnWrcSC1= zrjN+XCb9SJs^#GiT7|x~CXU1v$FK3fj~JgZ5zMV7&uFWI6RKl+^hkczw9AhUZLT~a zh%E3HeMp{LWzdo~yINkidjA zA%EVSaX$9=#}zq|^l2 zt+(3W<*xKpwVhYDhZ>PCFr_e(00_nX;gJ+QxUb=J*0JR*i)!Kt5=yBJ?nMztiJ2qIdRj|pBUsC>FDqM=u1v$ z3wkRRZ`nJhBl@Y`=?Wjm_4_+*euVFJ)jn@oCmF5ISx_y;6!Jou!|RxN?VMeXnqN8H zb0LmyM`1P=_Q$Q`sA>PF0U$t?56!AM=BVxLO5Ca-R$BW$ldJg3_iHUBd|9j_K_2C& zQkt6!BDlJI0}F1o+46V!WqtelolbgPHt*jG1^L<^n;BHisgb>HDNdeL4+?}{D)&R` zS-XM4I29-A(kq%NnPP1O%K7#fdbnA;Bam=qpsqEQ;zX<1lSZN7YzX}OcLa*{RII(p zvgyftL8KEv7yo`BH_A7ET}1Tw5Gr{jR1mH;rP4WZwc!@CyF-} z27ypZ1gR_)5bie7bH79#}GF+GlDhVwh zkhUN}p`tDDnlcbFkWBG_kRI-UeX1WAQ5`8{Ft!JUhv0uFUoiFtY$LtNzGQa@Np^B@ z1VxtaPVQs`fdIG$WJ5$Wgw%kD0Gl3!)Q4oi0)`NY2qCQ@qz#0$h0s7?NEj;^;UJ_V zgmeNU5`=UEsKDw7G*A)}Ea(jgfRH{A(icMd!F(*0jQ-0F2zp2z>tAxfEWOeEE^hiW zMSxWd*IUx$LQ~)WkQON4q>|lCfl}Z)Ne6ErAq3J~bBR?vI2r#%1+0fZY=?&S|Hp82 zt^H|A2Zn|NQc<<`{DqbXj@^)2pb*x{R@vRbl?*SgyhJmsLBQv4wtlCh77zi2`hU?7 z|F?LsXc-6xG>IdiAQ@0iLBJ9aBs>Zz9tB~*4?tK@{scEXpcB3i!(+kg0IkOoVfg>m z5WnwZ0W92L9KRbL1X?r-767nzf($@Jl7Wasa1G2E4;ClF4Ud5^Bs>B%h=38^0Tka}*xP9ncEfz$%RdJRi+2fd3}^(SF;+?;aKk&^vNyRUJUXa5qXin8GY4{|UCS0F@v`)LT6bCTBLKW=qAy7O(yQKljtutL(#RgTl%e9;Jd_+KX@^Dv!zpxNflf|IWcoYtUK@(7D41Ny^CyGLeiqk&Zu=BA6 zUnPjSSyMe-J*ciuHjt;CJ!E5T>jI)40HL7*>DiwU;F}U@tQ6!(rFzODk^em^?Ll!6 z|3e)96tX=6_SFawE`I%iXn+R>WDos22X7Pj4|4xChsF?L(_b-%hi!S~94JUyIY+<) z!&m`F01;s291*Ozd=6X@fCk~ee`!IXz}Fyu&0$b0*Fd3h@Mc){EETE}lnfCV z>T@K#v{2i5?QbmbhL^!FSbWmm$HU<+D~4}&JHqy>e+0MEG+jsRZxR?J~h zGJidb#lp^P`5IUP?4ef7k^bfbhxtn`C>;JTU7~PA)L%LRLF(^0EbI@LuM0lz`Ab#= z6zp`C!-0VHHyj)lSHh9-fAK~Hdu$~f$T0t&!~czsC`0%Qp9~uRmmPq>^cQb3M36eH zppS%t!^v{qNI3XKYsDM^4o@rQh{V6=NUQ8iqRb!kQ7P6=u4D@B6EiJ$d*JzDw*>sS np@#?T&1hpIr$91r3b3Q_rdm^|G&h09fMgpXEUd1-5AlBh3&`o= literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf new file mode 100644 index 0000000000000000000000000000000000000000..e548131973d91f92deef6e171bdcdc229cb01edd GIT binary patch literal 12811 zcmb`u2{@JC6F5%xOURm1y$D%y_j_IYzGPoQp={T_Ue^*S5h6*}NLnmKQMMMT6tX6Y zN~BMbWGyYIZgtXk}Plk}1j#Ni)KQ{gYxegfL)&Ii#Y3Ap5$&6XpL}U}NIsNp_|} zMA{s%fJ!A(d?7r1i9niC{G2VwRLB;f($WFw$)QvTsqX{OYW(UofA#v1J%rQ_rRrKx z9jRmpw}8OH-O*1Afjf5c8^6-ExQ-mI1Dkx# zqLU3wLpnDn2(NKTeSY=2-qZI#=QyQ$WKwqPYX@_A+2qf(x7CS|_%6nAb_tTZqJMBA zx_sOQ?@E$4d6joE`MsSj3w6b9s0nZ{s7pJ(_tvAA-Bs=r1@EqjJ-xWi^O}BYv;?o( zp0QJ#TP3c<=liV3Dv96o^UQZXgy+z_{7mHHr0ti?7e$x63|-A`r^;_03^A1wFb#>` z^3*eO_}=bB^&j+cFY<_Kl~K>s+?5yMirz8qZ<*`5+IQuaOXyZxLYPT}DL`-Z9`45y#;e~*0HJ2tkBJ7y5C%ldS^ zOMJPE=(%B>2-8-r;3pNI0@tbKo;WdoVhz0*>RA9Q_F+<_@bet$hQpyD`Evb- z$w)Ng=OX(g3oB+OvGDt5q-^sZ04pg)IHysQl|JFhrkQzW@SELn=-SdX?^`Flo0-FGI*@L=PH z$EW(NpHg;PDNwR89VhJvw|k*a307Jb#**SLtc(SmxCDJk_)*YC({ zjyz3Q{ER5+%vC1m;cqu3*i0R-UHheB{j=F8Ma5R%ST8*Yx|)%mbg_^F=PIaPW+^^J zsTdnx;~^e?j?h+$xZ-KA?-}#-NO#(?r=Ky~k=^RGnF+p$qdz>VsuNE!;jd7%x^`F( z3A}!Od2*yW@_3dd|8A?i(JQ_w6|*mU$9=!g4SbqYy)`#Wtg_p*XwR(ybhd|w=K&|8Ut36esl(t_drLLqq*@d`9|}YVsb^Jyt7?%$=L43l8n|q&vQ|> zqjYB|4jHEm*ohm2*d5oOI3CmLkjkE)(Yo1jYv$zF0mZ#N*E#LPPB!DsnX1_&XYzR~ zKFF_)v^;#+QLX>GT)lDWoCI^x*+UwapQlI2^mIol-`ZX5@=W2LA`m1eXKdY)TjM`M8SR+iIwaJ~ALZ)mo@*+;!9<~KQe zBPsWS`Zcvn$86(E1;%>1&Bbe;vZ=hUmsM$MlzFhfE7sBQ{yVwoaLD_ziPk77qo_tZn=6fZ&GITp~cV0 z)69G4WyISvOTxnEYkDW9M;;wNu6ivsDk9#|P`YNS=T3vo-EF5RKeuUaaN7HM!~T5- zA3xr6JJU7m=B+KaZY%Vu9^C10IlH)~dY_7}Ci=NX6QzsT@gfW#Vn6uV|BPJ0vT{o}3{p zr^)V&@^SLccW`xLcG(4?q3XwUlo_5AD=-MhpVjb!BQ52HP-%)XMd45^DLS!g87Ja3 z5<~>`=<3_vMzIY=?qXKka9*CJR3c7hE!~6RwGt~3{yP}{FHbIyT0&Sm@z&Z}6suNv zp#$Rq3D+~*(kl*bgm(1#n^cG2P~gE>^gG7JG3Ii}##(%2&dPJZ-_S8Xc6u!Ds_)*Q zLqlN}m%dE1NSg!)2Pi*m75cmaU#pEUq@{cr9aHD2g;*ITYeY>ol7k*gUHRjBF~E&LkVtznMQ! zH?e*2T*{}G+>NsvbH+a?R`|Y_^b8j5r0`?9DsYYKS$VZLEA7)R^nX+FG^88H)8)!; zoIzh|teVJ4=ODUgSL9f!7RlgoQo$L&n#O4^H9CvR6-4uQO7_1*gC;JK3>LQL$T~hv zIl2vLYsOYU45xCdc}%d&FyqY)C_v`DcP;!6wV%8jkxMQ2oVZ(ZSW@Qdb~Oz-tud$j$E?xS_rw<8$Mc$H@`lKi4wkGh5xLLDPUaGbxNa~xP%b*ONlb0%G!ax^vc6o zCpDOcY$Cg<71iH_4Q&Rl9{wopD9{~kl#4Gq>{^-R>{1sxecv!XCbo{p^i)JTTXE*` zCw**Ug}O$;xB!Su^^QZ`M&tZLSMD^Xsjx4tT*osrhMN(+0@(WJUtQ-YQ<;fcnR?x+M|QHkLL}=eV%G zf8sII6OqA(Ug&X&D8cI`b8+;Q2Qj;a&XT>NZsP;Hjn)s#iyOOWebsGLWHw9aE-!o zZM;fxSe~@c5!(*zHIS&@c0!eN?YV<{H|HhhF#FL5cAmMGz##as$MK4=L(Job?7;{% zY2Gl0Z}ZP)_Wk_9Abc&-as}1E?;WdA4Vr*m^5_{QD{|JMI5b1fLZm++g}uTrX{*_*{4y*2 z9lCC;n~{&4jyFFs*UN1ycO(2U?>ka$lM0vaaQ$`{&DVvY`lNFzX1Lvc3fJ@k@7B0r z1^MT&eGxI^Ly;~x{Xvn=x0JWLq{37(Uu-?~@nyuvWamH^F%NrQ z?Z)Yjut#eRr~G`u^{lFM?CFcP+>4x>vv^u0A9}hQUpOgJac=YV zBAe!IeHSs(6Ba@q%1yoUt#rmoye;m^J!RQPrYz3bY3wnqXS+2vW^=?y)?4`T0n2ao zQ=dwR1Ac{785$3m;yd^<`yYiKpHzKmW4lraS#3f@Tq-*(p12bvXO(n3g|R~`Bxi6xMJIs?n(7rG@X%uKceET(D|B26Tp_5_D zLcTKpyhW};!gNFsUzF?IRN@S7H+;R=6R%Z`Y)XETZNO%P>*>7G#MiDw z$WLyE)XnXpyvWJp?=$llcu?r;vTDKB=X1n88XwPNb3e|~)Aw2wtstD$rfV3?(vYv6 zY>>nt!mT--b6@xDPygJc@{zuSigF5_-dDx9J;UB);0^!SWSHh#<8ni>jsMJRAynYZ zj+5T?hQr2oVriv(uPx88Cbjn0ygwTsuGOBG%e1SzeXS?GTgp(>c$D0`M1Ep>bBWH| zhoAGFao_O>+45{(+*iGU{yNJ$?WFGZTM4Wl?7O-v?<9NkHFJ8YN*ndIw{n;L=e@yd zSh%0{mUW1v!TJMtr%>X&s$4I>neDeH=8f{XNm@&IJ=!;{|92uvx$Nfl zU;Q+jS(EQW=a5nt#09=SFyMI2V#{@B@Wf8dgPT>+V^~?`=D{x2p_|Q?e0TVZPn|Rs zbb3AK&R8QrMT*L_u)I1><_K(`{x6R^(?J5~aM@2^La@6A>vBK-TvDC-Da-XCMtriR z{135B<5t9Sg$l?!RGjzC13E3n9>L^?4ta@X>B$Y0%@+|VOuHSPz29hdG)gAzDI4|t z)B5VR|1Q1z8cftgPW^YWIy8b~)Zps<;ev44{iPaP+CCd9hUkmk{!qxf&XtSFJnQs{ zbOmLni0f+eXUH-$-pT81jld_9WvwTs z=ieh*=%ZsbA%*P$rVmWGGi3Uwns!#cp3GW*FXZ02S1mys1xVcddXLvz8eO!n*?gNN zSlD&Vr+mC@w9qJnsxyKZ77%Lqpl3Wt2+tV)%*({p6eA-T&|J@C5%jz%tInh_k$v3m z(b}e)>zGow5(I{Sm+Vu7u|3Ibeh7EN6G;)1O}nE~HQ=Y$Q!G6jkm#DGLy zj2(McO)itk28wI#=-_U_5YXl*9FD2n@Zqs@PN-vQy9|=mNv3loI}bV&OCID3+^jmA zL@jmo$|;H|aLN*XI!dr9aVB-}lZ#~f^v`h>OtV#_emvbaWKdRlp%UaF!8YId`n8kd z+mPqE58G<1w2-{5QjgBb)c0x6mS-KSE>~zMu0x%+{d_U!Xsl6c_B&|qk@FRN$j#+)({jexY;3#( zduMD1n=;R}*ESOoirHoFH=L3mJ20v9v?a0BUF1NMwdAO{L!X6&Hjj((H5=cf-MJIz zwiO1(1`0tVJqfYqLr&J04ss~^$s&7Xo6_3YF*+BFa^*vt4jjw=yf6J-=p4QGr$EIO z1i#u`5re}o3254;w~lE7Kcvhg$m%dB8=f1Ym)?6tkBpOI=;if{_Qn&*hJDA!G_)bg-^1++C3l4 zVUgr+_euMhs8OwN$sb^OCcyAxarvWT&khw-c~?9+F(z{Cuz|j~MCJht>G?`2Tj}8! z+Pqiw1`nkg;aW?9F&FC^bknom6Q@h3yl*aU)Q4f_cwt?Og17@}0% zH1z#)cfyuE_nCrinGcH^TSj2N12bKH9oq}K`o0(a0#e(y?5s}Ezh5$CC#h(9t)rM) zLyQz+Sx<7PODW-e=I%#Vr^5C5yiUVc{<9Zlp`YzNuJ`)U&3acQhnS6(0~8ug`0L9* zSfiFu@`kVa>FY_*Q)kkYs1wfVfv1JAwQV8Sf*y&!LnYI*E&!C%Xk9T^8M>>r_#Lhc1Q(L zp0<>MOKM{K70MemZF{p0C|o%>CNjx8FD?Df*O6YXctUN~e9OnK<2`00+2@W+%Xn?} zd~uicmT20w2s>kPPIWj-<$X69>+cZ^7vCvFuCUkDX2{F@33es9XK-7|2^z|>w5{pP z@JEQ|GSi)j;HX-G=&CbM^s?|_dTSjx5&~X~eXxE1IPpZ8#g^M zAY}VX^H!hjtHXX<>qBL*irZXf3w7i>Ji7)_8oAbU+{@xUD$23LhBsVwYw z{zw}2L+R|>&#jNP*BC1&X;t5zP4EgRR6uC?>v&EjP#qh}n>6#g8S%;tUR89Z{b932 zcU`Jb)?vB1RRF7s}L_LnIlCs+f2?nUFpP)$A&^Z0!$1hY7xTo2mO~v+q-{gZy8MuU1|zczd|F-5z_EaiU0ge2%FoP~q^uhJagbT8PCieLvf7 zPDT-WN#TfBleS%R#(g&}*+F!@Qhn59?~Ksq*~@Ls6)X>sJ<~!~V?}JO8V`ZF^>97aWp!$U3d>x#BMA2>R%(hw*ZC2&W~y%st9?vhyOoqX*V%C5bYwpQNt%C-mveu0QvrtbzzoLexb>w+e$b)@yNf;lpmY1VjbpC^euS3s|7cklnKOpDJ zubIt~zR$2DyUqJN^t0)`$OQ~{Vd?uFlGn}nLq?kIDsI-C*2maRYbQM9YahLz^(Eva z=F&sOeHpw3#@aJN;nx_~o*o$K@yd$PxlXz#Bfg&y97dVCoxO{zxkyis|4B8%IIoG% z;CaSOc0%^!uGSB)GN*+O&eLPx?5AHrDXUF2(fFnBI>7zGPp4MkPIWe(tE?ksjh!L$ zMS`#V}0Yn0Mko);=UDjx#|=ad^A|{DZuPjKm&?n z6wf61;q**8?s(vpmfpK-)fD+1H!!Ld*SPGsX*ZIxv;6*`Zrli;(X5I?;SbI)$pgci zdqk=&o@RuvXKk%lDoC<1$_T%~bO^~|6n``3(=_X_409fe_fU1iD^<0Mttb!w4;IN@ zCA*#CIhAAuY${~hN;XJYHtpQ6NVv(uL&un@F(Y^o~E)C&8>V>5mmKE#JnTdoiiC1;|66C+S3zR z<|-096DH|&M1&)XtuZx%Cwe?%AI=Ne_edj{ckbG9M#oWf7OUTYO>}%pXH| zVFxS0#$htmKpPxl>^EjWZsN*3e{c8N>L@Y)prRk0V)i$sv@@OCqh1FT@6|)=C|?vC z=x;Q+xz}HSC*ogzKzRR4_n>e^iyY`o@$jemQ6Mz@fP&fXgCIvX=ObB-)O8oT&V7W5I6>; z5w!?%qSDHe;Nm1KDC}`}q`-wmU_9)2zm zI1xdHktu!<($5!2f*JxwRCfv)j9oz)5cum6490;#0?0seFxeLY{4&zl15761A*4D4 zjs%dP5K0#!k|3lBBoBy~L-K%t6+{9v9U(Lj8j=h;uv1WhORl~(kH2Kif z_&=luYN@DXA1k07xMayK5J(Dvw9zAbxVcjyJUDav#RaU7zifzx_W#F#j2uI0$_ECA z1Cr5n^#6sH2oC*_`k*S!!&%+e&6^ApS6|>6)+E^H;#1gOs1PPCVh@cbz1M0}I;L|(Y@PJSFK0F@_vPfEwCBpOnS3@k`$AY^#ovF1d=>N1ja`IW{n5LiEzVXAPfnQ01a3t0m1`Yl?UIoh``E; z@_+$ggR~yL58l@apbUfv*26eS@+8nNz~G*?87vV2_b?Oirr<^Zt^;0+2OD3&0p%<98Ur@CKoEO2n+6M4OHU6!hnSU z_b`2$(qI7s9)Lh;!oq_!G@&dq2lq5fgDK(Q3luCOm~D7#a1R6+} z1Hj+{3JlmWScZqW0-VDf!Dg_iuEid3i&$iYh5<(elYrBM*@x}mH-2~)45S$ozyx3a z#sV{iLLq4Pejy+cNYG+~4Pn6sU^`gaXtD-&0o%l1jb;z9O)NH=t^BeH*dG3FFkiH5 zfCILT#YWpX3J>HCc!h0Xg+>D2k7gIZj}!iCi#D;?!$JXiN6>nB{8yvtdf`4i=XZnc z0@f<5-3*iAM zo^}g%`j}raYau28OQ7AM`G4H63v~z>1`VtWVc;A9AkqQ0zW_6VFu%x}1Nkq&XfcKM z)dMg9ha8|&8UiagNYO@)!1&=20)!4A1sco^JZK9e4`5FVBX)m|vKw5G_#zcS9g>7D2-j42Ma0^v4(f9bt5UJuj^O zbN}yzLmj4lJC*9MfJFXTD(6RWlln^>p%k(!0tK=d1c(j4e!%tPfuXoU zzhUq*0skQ1UobQp55mH77#6shK_>V(7?aHX~2fI1O_fZ*0dak1?k&z z7zSiW%V20ca8=7-Boe6qTMi?_4-EYK%?pZzfggz_Fpzwq{^1WzSb;7aK9{aVq2>RP z6$*p;M+N{Qzg*5J434l|A1IK@{Ua9)34Rop@QlJ@L0Df7gI(fs7@P_$gW*vB@{Gg4 zDL4H4BP-m$`bFX7|Is-LkA~gm(zSRT>}Hn1@c+sHRNnuymH>x`Woropkd`cm$-{nh zDGgA)|Ia>%Xb_H;&%^yI1CT}iqa%4ZLtnO59{zB#97cp)H~jk}KY0@DrkBDG>&Qq^7YOErUadTzLUqu0fz7 z6y$C1hEPy|kYIsqG2Ks{E=|f7RNM4TMw=qH3B_ z?Wkl3w@AR$#m>>y%NZgplGpI|qC!|&`#*NjDA2LA0ZodxzYhd&Mb#8Ss*wX+9mpn{ zU@`E^jAG~I=VM19dpR6l+Unx?J$vB2f(O*a%_5NcWJgy!74IOxI!qoZ%#}PijK|lz(AJ&(E#s; zqmNV@(E`rv_(TFZc&zCxoO?_knUq0n5kljq_lc6SPGOGCWX8`Zg$eD7Oz5)9(zJUt z{Xxwz6-pBc$%@yUt+@xR0)*q0IJ^lSkgP6he zNh2GF=LUyI(|E4$Jbu9M)uAm~7i+I=mDSuWck9-;%!AyTk7sWNGpsWjy&Ldc=S*Yg zbgN_ixbCcu_UDt&UdH|tuz=(+QjjiY-9HhP+WOSr@u>@2eD)r1A37!mM>)PVbsAP5-H|Y0HdK-L+R%tGfpvP%Ip^#%Pj^`BY9sVj zAJnj)C|Z}*FBT-@$K+l(L;sEaL#0#o8|Lr3uj80JcZNN5f>;KElhfWal0~x0Jl3nG zJZSG4j?*V^ysx%N^&g2%{#&`LlsB{q5jKlEx!Z-%cbib513GWjKH9oqGUva>hhTgn zrzQHo*l-!%+ikd>-E=D6=UVniq^Dx1&ZmbJ$?ZXeh`bhCr^8V{b0egBC;b3TwyoT6 zj?F%&9N<&nQ}Y{OiAle}&~1VdJHP}l-*I>hI=eMXJb6UkbAB6k}7v_thX)+(R!ldQf7UUXD>7ls#}zsgh?~OnNe@ zTW)hUt5dpo=k$zgn!6b`@2;s(+#^%-+Pa_kgE=a4Ny@bu(Vt=~Lu3yPHjVdvdz}*G z_l^2&$LUu;-hG?+R`lFQ;-Z-Xd#>VyzyEzwo9r8c+HrVv?=UFC6 z!+-!^#Yb%dpH|^(t+9f%oG<-T%3Sv$W`>DcAwwgzt_5mv&%&Y0z3g}H8?1}vQ;+zB zchg0U-^B2`8%boQX58P0vSxWcexdazMqBS})Z>t9hU4W^zQ=pCzkTryrn~$jc*9GM z9zh|?zd6MG8G!$nkocgxM^2C9hRnS(A(pHDBBQO@P_EQOURHTo_p?{FK3hZ&hVv0^-@BgLf~O8e z6v?Ei9BUAn%sS#9^8T)&K#-dNC1Cv~)fU^0ZZ&-RmX!+U5)J5IErivL?;g%eo@ve9 zI=?k%Y*N0$Ye>v3K&YF-i|MVvHEm|*R^P60SiQ*SRmIc5CpfNNCl-Tr`fCPzy5b;=P+WtLcN{6@8yE*GWIZB=QNPu3t~#4 z+i-p8P*AGD@%!>yF@u{@lD2T}dXTMqQeP`oQTw~po6iMlIBJ-vl;3;^rG&>VzlE6> zvb^<-sX$6%`z~(9Sgmr(9in;6V4_8Gle37Z0Ow25GX2W?uV189p2*5nVSH;D{)Adl z^HosK@^$HnDM>rNC&%@3@g*mmDia(W>w;z<>cvJz)o~e}2~FF0DdY6x7aN6(H1z|< z9+q1XCU&aj&ts)iA2f;YqK`Ik*oEjR4c~N(bf+}#&RZ4|-~AZ!*=%W6PZyEf!3mM~ zyK*WD?Hc=X`(}PJsau8Quc8Gw7hRJUu**Fs-h_1Rr4sAMP=pN>9`GpV9b-w@_&-sp zhY+fj=5g5xd}*%p}}+}a_pf>7vCeiZo8hK^HodAUGI5dzP4+- zP|CFob#J0~sNzkf8JX6j2OmMorccFPk91u+>mZ&jK#mL)%x1+k2}ZYbD@0?tQa^=? zhaJ)ttr1V!%g&Z}^w9SF_?!*i^nTsvZp1P0Pxaef7qpG+X~-T9Rg&Zmw*9)$H+T5w zcLu>5;byC-27ZHBi)zpW?6RY$pD52>hhkL?JQu;w42`_*JZwUBo499A;W~f(0aI(D zxW6B>)4%6;)(+l3xqBPAsrvjC!`E|SZ)##g!{<-doKKdFswmme7_M<%p87etA}i#W zex0QcS3$wV4J9!J=`;Q2RmN$hA)_hdLfTiK=RanNXFlf4I#$YBdi#u_ApPsAqM}3D z5+BYy!|uqep42*{;uv$Fb=G%;$2nwyZtq7~>?(VOU$@q>R}6l6&{QFP` zU7+@a_C>LG3w`T8^=5E7#L+Pq1)gl}pL3PkA2!@1Bd;q|eT2y~>$(Z`LH_$Gggk@^Bs=& zSS9N*p4~E@mY@2p)a=}r;qADWspjXh0?16#r-+V)qW)h$KYq=miz-BNbt}izpBtt` zOS4EYO$A&VR0^`V4LvcH;*eL%KAkjZ!g!g4rPtMX%r0!}`7{&Sx2{&*ow<_l)pVqR zl+Yd$k&4pammAq!YBFRQ(&@s+UlUc^;}e|hyD-0_R%)yemNBTk>-o5IPVY78h#EkJ}tcU-Za}4+{xB0aeV#P7bgTc3rWGe$v>ZS^i_3_K7HPvTg<*ai>p=a zk(-Ob#mt=*dE2W?EL+516k{aEO$A&Pn+Igu=nN9LTU`|U%d%spP0v}Y9Mr4dczblz zGDct8L$D{z>}&n>%vIuR@1m-7l}5(cE}o3R&Y;s1dtX{wtrqUqn!FL0%MObt?gNQr zB^_5$)Z0}ONxk-PX;odv^w_eUiDY}bsCo>cEWB075@dBA`t0qW1h3)f7<@OUtfJ1f zW_1`eW|=ziMkICyH1p_>xOt^r$30OK{o*!1|B0e6v_v0x`!H-9chh7tJ{ z-HrOV{_g9|JRJ&zg2WC;*~B`+ot!xKAtRrG3x%$hRtm7VkR#&S)U$xiotmeoA22Oh zML26sEisto>4|!xZUVzjPSx3*hnnYq`s5~*kGwc4FC*9OQ7R(dhrPwX9WvFdm+DpP zcvHTe_uP;G%5P35)1zMRy@9oG>NTDrvvbS|ZG*KR&c}wRb>!zV?tjw3=0@+F{5E1N zLgrmOFR`QLs>Yi~pYr=S@45!==sO(!MeFroo!Q+E(vyzcam=nP`=3aq?oS#jJQPTHq>bo*ZPC{|jrWw>|m z+gmMWJa>67oyj!fw;%f9vc8s&iWHJ+W%}ndnbogj_TPNY3|mp0?Ghnln<9&o}9y2GF%T+)gK_c9*8tK&5_wy${vdxb#OG|8^Y%fM6Gaj(* z`>@scWQ0`e(~Z;%PwQ*i|GoU~O8`+7IsI>OO;9N7N8Qqg?+Zhuk6csP(f&zKK2Tfu z&SVkyCMOO?ldQ8zX>yA8q18$Y=g3lX-nez5S0TT8AYzqMw<7~JwyX}2*cnL(Mk z?HzBhir?djvbLnzg%5~U`r}cmklb!xqeer{bg9AV=6#hz6Iq)d1U|_7r`3NeABmG! zt7o&Bez8sM_B%`gf==sZ3h>g$1wJzDbwChI{qGS;nk8*_v-{dP?40a3-xW{)DjpP7|%X5z!K?a^m{@%f|Vq1RKIWv)A;?sO7F+FWG5)PU{eq1|Qe3X}3~Bh4t0xgDPLxtGARtRCd#TS0SeG%s<#r#*6aEwYRu@lvUna8rd)1oZ8NU(YUCeD;v}tb}IYR z;k0)_Kj=MX{Nz^={95x`3=Y36ps5?(KBWr$kRl^Lv+WP*klaA6w1InyIvPHaI}hwl zKERb3b6=OWEY8P#4#*^0Z zHyrROdYtve`q^*}lNe`*XX;eEN{zM|udmrTU%jbI<(;ScjulpUR6I@^-FfPSuC|D1 zMwqGOLZyV2$5QlhL(+RylkMBjry9?qsuDi=mM3ZYceV8AkalPFk6#?q zJHlZpnq~Y(;_N%j9wls+v~HIVn@gN2B3)~P2K6K^Uk z#Gjk`$&heRQeipA}B_2V;#k&A+noo@8FGgTx|m8#i`Ha#<}7$C4(-e z%|hH3`P!ey;;?2PhMw48%fDcaloR4=Pkwz_N%)9dd6TNuKvtOC^`oOZC%6|RCEt13 z(aT&KSDH83G1Ysz-*_ZD@3f?p`*yeI_n2=BrQQg&HX!HJgfLY;be6LC7RpfkPA+_v zy{)#RSeX)eRBC(YEpt~=caA(Xp;?p!Eq)hdgwJ@;GTql|8E0(T_fsIUxo z92p~awiUMh^xTzGph8gLO3l`5NsX3kO}-*wxNVQFeROT~8!tzKh@?6)rBr0L3o#WM z`<7?+<&*RZRa}M(DU1axd1>pm$GU`UA4%?-^DpYKU)emV4Cc|>%dDWT0^7bD5T%J@ zGwXva?vp~SI{F(Hu2N=AUQ8$odS8f1rA}U(fAguWb9b$QVuD)Do%uL--y%7LnvaIt zbR5;Lp}bkO;K_QtB7=Js-L=8sd7_IZRUmwnJN7lMP*8Q@>CL8(4AF5Wt6VH%*P8vI z3FzgXBvF^E4q^q_pNi(B=7uA=)Eb?MdslbrSA<_IQ`!(Hw!Wl_k-M7_>8V@8vd3y; zM`O@?f)}1^c)fqPdBJO!RFlwK4X$a_DHnpD6w6iaZBFdLsrdruIpuf<$1V(0ipD$U zHGMuG`m9+tp7W^wzT+GA6HcEc#*duYW^D7)@o0~O*HibSyk9PrR$eK5b7G*w277+} zc!}WH55^Kdxf6dI0&cCj8y36#C1AG+DPb3ywe1HY%$Dxs^i=M4z20vNRPB9?jF&vx z6ox5vY9e9Mi37&&ulh8c&Oe;Iez`qzLTjK|F2=oC-MS_Hp|hIwFuGo$K4M~EPGI}| zmG+hjrbcA{tbqAw$;LL7#*^5}I?04O$>uWKk3yG1f=mnQN_IVaeR5$>gCBnc-(6vs z`^fosmxY7w7N|d0bQ-9%;z)PZOyfyEKIYodHmv(m+M?<8Jk&qPE3e{a5q<#`*mzhb z0pm$lbGLIoUeMU^yZ~id(g3wJ}z+>T!>FIzB$k`W%>vx%^1}a5{IPf%=?4$c^=EXJ3!>yJtmeRFfV^ zi5wvW1XHH(Wbfx_Dbdp6eO!Yu$ZzJ+eU?6#9hcqH+cx=6#;m~61$ykOBlN2%WvvMz z8oxZD2JR0&ooasjls9sfGLMusbq6k#@Xza1deiNWzAj>VX@{6l(ThHpPpHG}=k!I) zrJsr3NZCT!%BQS@&I~d@U(T=2%Zl#(c(eG@O@F7f$F6Oy4M%5OEU+nx5Ah>nllt%H z&M8!uytg`koh3C?sY>>&wh=n?y8W^IoPeW3Ih+68BcPcjA?$1Kg&3U`pmVxwakKF? z<4bzt;Z=6I)~pQ+Zqb+BjT_(gZ9uVp#53|wo}Ej>o%XxlI&hCoNuJkk%X+0twT?Qs ztVfdfl|LNTj2_|9pWkC!^qu{4;_LU@`*+ruK1~nV%-mM5P?%t;pB{3P@fea-KlWDS z%q;VJsSWuk?qf9#|Lj$&*oAWSnKVswzk0wvmR&)b&$2?Q{puD8v*vwAu80~Ahh zR^7!j9a?oiM%W{KQ=Z|NFeg9&sLzgPnd}kW7dJttu~RVgk_D!gKdIj>>d}ILO}`{! z!@m7H&T06F9@mzgam+_NHmQ1i@7s&lGfWN+!K*|d+*%V>GflZJhyep~8%M^42M5?{ zB7}YXOTKpt+uV{+&v59781lVzNDHl@SS)IEoVs4MAwTE zd@SjdxT#b)sZYr*861Ck)ap#T*(C&$;RZT2gSA9t??`eCRxj)`#padq^c@d3=eIk@ zWe7!cmXt#^QO_vd+4g0If-T7AN;Atm^OyOmQ<37_9CW+?J;pe6S8!p9zxY94X(XjC z#BrUiPOq0zqiVN+)_&zpcHfeC-xnBN_ZXTGhb(%pMCMWLW7yK^B<@~ji_I+VKOcP} zE&0;6o~ihPNvj7ov35pQRs-vUoVqys2a`^1!j5$d`0n52zE|->zA>iCSb#&{`N-5u zjLA$lAluXYvQ^c&Q$@^n*IVt(cRs>HxdX~9=uf`a(+xdlGbPNECK=^h=^5_)7)(CZ z8S<}my!F7Sp4eo!>qSBCt9Q5C|2V$aL-&kzlT@@iPjRg{b6B4;x9<_lhFQmawZKaH zr^4J%TtqloxgK_mp{9cx4}$DH33I&HF@b`BMV0%>T{Kz!O z(f>CY3s*;~iys6o4{6{ZQ-6CZ4MGJ2sjvWq4HC5k4_c(E;Y#tN!b2d` zB10;Rh@;(TSsb(*gCzjE;0Tj2B*+GVRQCeVAQ%j#pnyQCxjH$KVI&g(9$7&kZ9xKL zlLPRY1PJLvrnq`LLf{?+8BC^lLr8BgAPH(9Xi;4#WYBg3kR|Z1YXE5b0SO@e$N^*^ z6tb(c3jk<&xq=AjMSnDh^EK?AvOT~qLMw$fp%bgm9rlZ6#{9gwYX6{xT^cb1+0)ijEF|| z|Hp##?Sg392Ns6|Vo|m8`9+op?h29G07B>LpzP)BL53GsUgQ~8CD`ZEww96uD~NzX z{l6%P|64j(v@C=Js>BgckSzFENx%{iBs>Zt0<;4LfZnhGT>uw6;1hlhkH>=d0$PnF z!sGu}K`cGTg0XOcX)F~yh`4AJEC68k1YleQk}O07mPY_~jR%Vp;ey9N7!n=<3PivY zAUwzlWx=OAA~18JEMNcy+Heg&2e0`AfOH{(`7lkAED6+$eQ-_N43>z1YnTamQ*a>w z-vQ6XgN-lJ0AsFhVD#Rgz-kpu?p7)-;%TmjBuj$kubQrA)qxJ4{6LZg5qf;krlKMKtrV4GMf zG+X&)6R0G-kZn8Q(u*0KY}54S+Pfq)cfeXii3Ew)^MJuS98 zAaF)#PXU!*3weQqwbBV{fJ%@iUeP&n2ETW8+0hnzmlKn<6BOO3sgb5>+(M!WX5cn1F z{u=fN3x6p6zja|gf35pp=N~s}|8*_}6dC~9+aE+pz@4tEBb+4AaMC6)W_gj1MR50j zb3rity$n(nppB`n-d<`j7+YLT4ueADQ8<8rCSV9C;%*d9422Stpdq{+{T%>&S=`f( z>f_-}^>DR^d>ox1dpier5az%T8Yz&N{W$`_&t731KL zw6c!~pR;A-zz+h@;EFyh$l+G@VL+C&q7RLSkHxaNAi07M>9Rf)iG*6oABqHro#o@u zKnQ>Fg2v;45ih5QCXoK_lZEru72`;Rzt#m`&Hs`C1_xZ+in$m(2n8$qWJ!PZVX>&c z=3?>i;a|=RRu;s*6@55>&i|_q`O^vLJ<7F^-5P{xz3~gHQQ#dc;+9DT{(#;qq~^xWD%+ zOMoN6igB`k>qwTg%Gr_yC-V1PD#gy#gG{0QFB5GqCvS-6Zh(I_@%Dzj6wNQ2x(0(+ Zm|vF`b`&b@_@mJzaQ;O^)D1Nd{|BN6>iYly literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf new file mode 100644 index 0000000000000000000000000000000000000000..dcd9bca3f2f1aa82d6385c0559ab0d16c29978d2 GIT binary patch literal 14207 zcmb`u2{={X7cfl5E}4gv>L6suo$qzc^N@K6MVY6JaYaN@h!8R-lDP>Hk&>AV8B0is zlnRm3?A_<8ekI@k^SsY{J=@-ApS{;wd#!cWT6>>$gbmd+cB7?m2;r-v(3Khl8bU!{ zc83shauCw=sJA18RJA4Bx_dc8NJCp^M_&j71{gyM3J6C}2Y8_L9}_GL><&5FlOZBy z446PBJNkG+c=!^5H1zSZH*q9GmH?ER1_19EK!%Xo9ssP$&sz0otqmQ3km>!{G4*oD>$1#bJqf z2!}yQp@}F01`m^L?C9&|=VK4p1hd8X7hITg2&5{Y7XbBzNR)g3(F|YzB3Z-L9q*iJFD35yq9>rc}Ig|S+v9a zEw>@2NscD=MAi6{)E#dQT;*!ouUVJfI-AgzUXbT1YHv+zziHEXNuC`$tmXAt`$bz9 zPizQos0*?SoZIlDCMRi7ha)-h-RJkc&aw5r8%ZK^jIBG4`zY2Bz1ZKg7>vp49pu#Z zSk~+@mD>?^)g#+rIGR^^qOr8Gm1prOu4PZ>-BXRb)KIzECDU_c9j~z#!qGfMTYUDr zxvb&nw7Vk?oV7`8_KExp@n_HCT@b=P$K1Q>HCd`BZLCJ^-4-Ns=*?mmhN@_H#9Mdr z*yX2jz3IOicDh>L%$i9jI#Zamu{SsS1;4SY+wMWj7p8ln_at6nB?+~rnVj)>9b3H# zrQWS2VM~X{ig*WD1t**?G%|VnY3~QpH730XqjsS;nc@?5A8&mzy~J~cv?Jw&1^<9s ztZ-42)eiGk>f_#5(*`0u9OxC*r1LMfuy(~&2X;#E;4G%^2q}r}zL4m~pHVg{E}~Sj zpH=YniNjP3W!O7aX(g9>hd7qZxV>DTDC)~cWFXZ~u%yT=>Oc1#%-EAGJ(=3+tnbco zMT<4DSybC%kG|abh>Ea zd9J`JFkbxG(22MUM`JdXC=Fmz`>G@faf5WMWm($H(nKrM8-qDmP46Pfyemgtq@Ed~ zCHTezV>Z`sv-~JQR#acyAxPG>JZtWQkiFjG@Y*yLy+ zYZu=Zu3>avpBSq`pv?e5BuQV4|8O=}B*J%yO53sIC^yraBnH*m%@RY-H%<0zn0Vzg zKL1L)O+jO4PUnF(ewGAhy2AZOwy}*fYf}eC+du3-dFaz2_9)+({Zrmn$JCuJ`bS^b zDOhjW^hG5+aZ^|ONdql~6c+Kg@W@ihu)=M7Pizr=dvR)if4udfjEJt-L}Lcp9km*C zjZ80DtWA`9HR28F6Ap3kVsX7K`zMrS9~97sJd!d#C6!fwHk^fKC%r&qfU-{YnIujZ zZ@TTz{HF!O$Jl0TUw?#*@9~Yc3()plZVjERjD8$v!7J9FWGHH{5Oq>ZY$q=_ZL7Q` zuUKKcRfSy;)VqzthW52h$C(J_JgV(QG+oplx3x&&lg}$Ev2y(K;m>any02^!%ClqeogPCc+#OZ)K&ky@SSHS$274GHRbNB>aY&j6+DTV_AxY%@g4zF3_vRTyzwi(R}L zc{)M7BE%(JX@aY2BcQ(L(Zs7u*C&V7qd9h(cf4k#PiSBXtgpOh;LR(R3RU;*R7mYp zN0@EgusbZe9&>u2=|y#2OsffQsOmi_c5N{o~lIduxq4pU0~e zB~xz)Gw)=SoBMv;dcIs}#P9fGir>*E{$Dcuf*DTNkHi}s37)?>Q}AGZ>xlJ)(D_LB zrwdQ|72j3$D3(?15J4ssVz=4RenB-IJtV0=d?UiY@Sgm!B>bZ6QrhsHAb)kQyNlQV#ZN(v39u2n~Tl-Ope$y{2$PyX4FV^>EEyr22;3_P<-?Vc;~ zDmnh+M@Q@NCu0Y~a-EYF<&!Hu8Zc#;_zIlY&N?S^OU6pZdoMCF@HNuMA{DhuW$59l zAm^*7p4QWua&nv*dTrdfdZqTIB2jJqQF1iaUxN=~cQWtb_fD3L*>@r)m4?ILYqWeb zk$3Y46X@)YET&1|ULQBLGt|4cZt{-=|Zh61|%;wb2{SW61 zOFUDuKUI!-`==Klzs$z{`1t*$_4Pt(R^CFk{kyHiM{c_BIUnc|9D9d8 zN~e3v^TyL9bve_={1=^Z_M&xPUwn+4RSfwYCA~9auj-Pujv;>v9J&1rAb!Shl)wUx zKrm<&=2u{chQqA&ge5o<91i{tNw9UtH<2lbPvU-7F1wE8zSPAy(_u=_*Q7o zsJB5)&@CAbjLDd7L?mq%vt)$HJbiku4gQvfaqNY+xuu@gekY~^O|E=cVh}eta^$dl zR|ntX8g%^`>i(}djr2ENda=qJ_aH`^xmrO3L$#h|a$w)G^_2mZJNNWAMDeJHE#eR9 zpk{AjxZMoJ(vni|?L}EJ4bNV>{{y3~dm*AfsEX#~jrqeT`?SA)JRC@M<$ECg6V^U{ zL5npgTyG=^pU)9mcGY&9jfZM@^eigmvg7rspD%|r&hDPfNqm1lYwPE&nKSQX z%RR?M4;>Ng_2I@0l;c`AGjghLmpiIn;QhS(q5mL`W59_?KZW|bzG4gum5t!ReW7o! ztC4j2;_|b-YFn3Bm8eWA{$&m3&wauF5+0iP7iTEi9NNgGDn+#=X~Ww!0ROpT`d@&t zt03czb$kHNN9s(xPjsi%1!s|O9Gb1Wc1l#Dbhna<6mnmmPRM}pNPgp_`Hm&wG8Kih zGZ~%6%}YGxTn~1aXg*-C+Kr$!;*|e{5#<&fcrfrvCcrjTfu@8_UyLV!;T#ox$+&eu zlK#nivRg4@?B^1;u0l_anIP2$Ceyks0XL`1^(bC6Fl*P+~YMsCQWdWa!U zLTvj^PWdRU8$Nf4W~ayE%@bRlg+=(-o`{s`Rot5xO|CeVo~A-KWf3|^F0c8*uWK<; zdTL(WmS^y!UKYOilv72Vy+dQbQiE<(ctj(I;rZa?jh9o;_K$89D$vwBGShIwk}xNr zmirkinN;7pYbSN2zWq)_Uuh`&3DTX?=sQzPB%XVx9WP`^GJCiP-wuomzt@vlo^RXo zDC^Pt9}Mc2LAh&40p6Cb$7W!$(tpVpZ%n%WM2Y!LFya6ddZa7!C0%jI?9+%OYlLcr zS#(AmPqOQ0M}fV&&q>wIXnRC$U07;IL~$mX3lHZrCm4Q~3pcHE?x?-{Fq0k9Nk*JI zm)I)I^n*EdOp5=dy_@1$A%FQmo4qloIH)_gICI_h$=q(ti2Wv4K&|+k-RHVR6~8^V z)~1@n!`ySK?~k@^ft=D(q7etoqIg1-=Pznr3tqA?wSanO__e)bVhs~QkDM6RVkVXI z+%7_X*_V{IkvwxoaQ4zY4(-lNy8|*`SQW^UMRkOUj*_@NU$i9Lbcg+OwOu;}&s|Sd z_ab@)%imIZFLnR;!7fPIjfTH6 z)N~Eez+3e7h(>yqWPY3TTkM~tLzkkA6TXkISxVgs>f?M#y4R+_s`;vEw}a|p`%l@->!AT+H{J&2(-c-%i7oD}g$!KLP|Kk`*u*D2i> zJomMl&n35{p-t=9yLNu~uGmwqa6AKLs<{Tk;PagIFpT(jV4&9p{4>N%+mj_Gx8d2c zg3;yD<6E~1s@N+|>&w)$aF0GO-R$CjYyW({QCjfpbdE$rUwJhPtgy_fJnJtVsK&IR zw#vCGvsvD;t^9mzkhR`;1%t!=B}Y9YZOa9yXfe$wIik+nWGJ1-i zEuR#~o%myz_0i4Vw-1Lqvx-=@r*qsF?KG|pqUwq8d?)TWwmln7x zoRQ~VHp!BSUJ7nyksyzb_n+JGLB7#hAyVf~^T(pcQED~Fw)p-GosD|9$Gs(OT-|bn zy!dWN+1M(~%`tvvIyIMu1BI@VR61gQDO1?BwQm`lHUF8Kdc>r74d$#n(8K&4&Zx)h z#L)<_sV-$UXkPr`ofUWE_2_X~DVbjPQsG^Xu+=o2LGx|8NuIS1w`4oHv&Z>RzMuA_ zxi{&)(zg;yy3RFjn#~y3F;+W$F)B!{J2#7N-(dHqL)6ZRQ(-e*~Mb(b33{S`%Z9rgytZgWb2I8C{w74OZNZcjsznaZ?o68|m&~D|_a?#q1UT z7~^eoe^H&yA$1EVVNONXCtr+?9U$hu;c^x=7jb)V^p*Cs^@sbptj&kTUh$UAbnaZT zE;LCjHVJZ`bNya;tMw~uyr&uIUtVF?8~I^yfAdPu=(dL%n)%IBE~{r$Z`_V%F&Q8D z=%w1u7~cTpAjJxWc|Nx2Fpo1>vfiCc*sFScyCV86R#LuwazJsay4{rPF8Ag0X@L5ceePtQ6s`*trq%VkTo5y9D9_0ksM9jwJVG(_dZH7cJs-R!T&C3&5@ z3)?nhM!X?Y4!H*ib3SjOQlov$8{cJ<8&j4X-|Vx!2$4v)-{#TuR--dv5=jp?k}o}M zs_A@o<>kjCL{;R%v!a@SVCFYEr46t0gCvh#SJ~0Is4MHQEp+Ey0Vlf?E1hxrg@j}o zdAr~$rR8i#iBDhKAH4t0#J$T(d=37sH^9Z<{&wKIjYx?!%8VT^xdT;v`{&9!5|);y z5%;N2MyNtEyAK<-7_g;Cj4ib7tr(w6-(2rspY!y--&P(H8@E>9W>dYQ1GU@lFdX4` z+VDOPFL{#h4UM8bf*5!>K)2=bj2|DKHt3O?fs-Ldg72D(pKqkc*4&V3zTAkqV7XY7c_u>dT*gar9lk22tj3#B zFH?e>Sc$kI2ESOHhD}cfUG^cmy#1DC?`S^u$IJ1aH+?<8dzROTd+M`*!KKLQJ+OjRxgI+AqsR<%awM4WvAIyVzJAs!c!X8@-+B z!QOqlXQMnv<+#Ocuxv)z^p^9|Z$suZ9^Q|+?jjJfA1^1 z2IJQqXX5aG#V6{9w_{a-9g?TxWwiM&8IzemG6TwuRq;(m^_)Aw|k%aXjF zYicOVGu82iKgTvb;0;&qK9#4G`GJouJs@IO!}HY<@9x@0Yz%1wZ}Wcdg8uZ6Rzs7S z45Dn^9!c{tDmB`s+=orG59`ifzVRUT(TV(1Yd!q=uM?FIR|JioY6G z=PcElJaJABH!i8DnrPQ~G0A8Nbu(`9@Qnmbzn=ETnWWw6k7o;KbdRxGh@>065WDaa zqaa%R-bz1swtQRfkT?rZ}8N?HoFhEF_%Kz)J|d zgj7!jn!W0rH5zefd~-x#TE>JY(pz#_mF`B8-+i$pS`X!?Lqe~-c;whe>C2~l%Byuf zKh(`yGG#rIu`KgoP}-Q{J7z;q)zr9gn5t=Xc#KDE*N(k4(b^5y7OX^N4J&&tlWU2g zd<>gOHjRnbSRT1}Q8g;CE?&}T{>Xi?ND}(d{n)8~4Bf6(Dmq24FMn93Il)_7x@Ch> z^tI<)HS^nso+Ej$pU!x<(ND%vueKp;_<5_!ImS8T!yDcSZuLB{P5q|3!OM*misFe_ zyS(j9y&Dq-61&;CQt3bRZ25XCimxQLX)5dP6U7En_M5M~Jhx6hTSKwe8+a4`_77N0 z6*wp?#Zhxa@Q5I$oaiaB)Cy>Tp>fc^U+i?8;hMKi1V?mfW~5GwPUPf@e{dm)o+?U>S+fKvgd z%-!;Hp$aBTThRHmfg!?0P9(>z!E!%Q^Rbb5Ty?t1PeE2NAd zM`z;16(yl#GB;XPEl1KrWJ->|6`12(78if%X-h42c~5%MZ~vL@eC*vzDObtM@(H}s}> zBLuVPsj`EaZ?1uK-H|7HmHRNf%?^&cfE8n!>^?R_e9)2K@xx>FR z=6>Q;F@tRiI(Ct@kuN+Q2*Tp($aAH_OFfAB;HW9Cr6+?a<*K+;7g7ilR{ZkTZT&ig z3~zDHnv0{2*e{zr$TVh=+siDWo;;gJm5@&>>t^Qqbj~w^%zO0cm#_IO8IR7%^Lt%7 zokV_j{qu{(jt9GI_2uK#YVLfFb~{`kgHZFl>QLXyY}`h;i!;Hqiw1D*e;pXoQ$SV6LM1PLuvv7P)56 zT-`MRz4Fk)G9`L{QQG30bez3(NDrMFCI!ol-7NvH2%dP3Nm{>9v%CqHB;(-fX4ho$ zybHlsg6SIPHYb+Aq+Gs>Y%<(qGnXcP3TC@MYkGgM{-9Ylo7vTL&*25jDW?x&v&YVF zGdl3Z;dr0D=R>#S+#fHOR$R@0acZRd0QMs7Y%%}Lce-L>eA_=??QAb+XhA++;xl_&ys<;2Q9Q0u zysgaUjo{^=0F%7N;+;biXO!(kM82?e$$Zt!9NXi zrAzi`3TM8)`X|1iO4>~qCSE^wOAptmBGpR>A0r$I^jWx*v5&RASWAn$zXqY7+s36c zl=3MfI-_r(z^IQ z%Lu)mcyQF1d}yxD%!lLR$$EzS@w@zd8J(V86sR4$cV_oC$JVNgR}CgUiN2_b3J(2z zrsiUzctm+IeM_juMOpHP#Pal@6MBsn-W+*(bCpV>a+2pCo82@@E)9BnZdOqH+Hh_^ zQw-w?XXcqw=F;2e4fv@iZWa_+XNXOoAHwcPt9qw(Ud7?`{`*UZUvoJJEmJAJk;bmE z*7Zh>XzVJ3a<*d=tpKy?oas2n0-r*0I@kQ~?7e$j#RQeQ##+`J!~J^_%nn}csRkL; zGt!?qyVRb)=cCujnV!%*|D~{#GRh0Lwu)s+c|JA|+w2`cDeBv{zYozqbV z=LE;}X^`7kQ!mx;-&7MO7WJU3dn<9^6_N?=xsQ1HpZ$GRqB$fq~MuFQbH9obf4YLR31Bv*Ald>1Dx)$V5} z=*I8zFVFK9)jui?_h}4r*kH3~z*DJ3wUS234mJrL1o$2K}ypP>Y zQGPnt2y@ejk5$k4*!&ZW@%vr?wy*8UeO2cNDxx+!r?k^vdJBzbjVLpr7Y~=D7`QK` ziJ2w5qm#W)O>^h_SYqshpl6aXRwHk9Mc?(h7V>jmySv@)`$6HTMVO75qoI2SwGhy96!?IOsYNxHT(#{3aqRNDZZyBh zis3EJ&AhvGsw| zHNgl<^5(BZ#uca%K-wXNXS4(A1?^$lac4QG{7SVWQJ|6m+QQYAZjm;w2~ zxuDLzfLREnh1SY)@!+WPCl#yJO;v$@CZZDGt3N_32+VLrw9#ZAfN#-l)@}L zm_uR8FXG^uqG>QD9DIR-Sp<^}FAc6ip~wS9w^9)JpECOmYNY`PTmgXrD+bf>FjatZ zm?BsWeu?W>4X8!@B7_0~M+Ad_-Gj-8_24&rcof`8Q6>NhzWxmbCJKc@Q11N%KmvB= zSAi8_MF(I#_`6Ve4fF!mi9ZTOA7GvMRVcdhQzu}3__M%tQLX_DST}wZ%F0oAz;{3^ ztOIKl60m+0y#S`1@JIQj6TfPhDM0QBN)5OFC=^+*+=s{fF0fv}QibaSzm3D6Vct)p zPDv&+UNPw)4~F7&DApV>mU2O{_-OcW0gPJl36zu_@ZA7x>4DfOcUBw$=BL|IhJY4O z`c)we>|4QHbqHt#rKJgB;D8SFX#k~%TL|C_Fh3C*1IDl1rT7!dTOu$Nb~iwnlxb$L zgQB!-f!43I93ilL3Mgmrgst?s0!3PBxj^9Ipv-WGfXFB<0PiOvPoP^XeZCN7`wR&3 z0bdZT^!Y)!pE$@6ctcH@>komm8%pa4>>??x6%PO$0DSeIN&eH(XaKcdf$-mb`1;pN zdu8;>M-j@P@0TOGCqEMn@ln+uI{OrNk7P~xb$=>c>WOr9P$lJjQva_{!1D*~H zp@0I>*`Fi8*D_LANyvpv_Le~+|C=i1<>M^&2Rj0M9Gws-2uDHy7xD84JOCc3jT7{{ z4}LP>ALRM74~-$g3bU$@2rI(sJ|f`bsy=Drzwo3%%(HqN34ZYYnhP#K6t%h!3j(>- zeHaiZt?I+z|Cx&hJJQwT&>*-1iVFY!TQ7=$T8$Tt!2&D$_c#;=4?OJZJ|b%M+E5s2 z{A&K8uqfDqz`x&kQCRp5*FSxv)%2mTMCpI}aA?v$b8%SwzkP&%X~9Xu+Wa>ycrr@vC`?!b|_#M?eEFzX~1!NBV~^1OjY`{>Dp0{UbLN5eu8RRpW@T5n9zJ z4LsMXK4~D$fBG=6Dg1k`H2z;60CoO{J`$Sn4=v!4`L_@DwySWEr2kz9iS*B0us!&P zKJZ-r$v?7>t*g7E59LESZBHjJc;7;?&&FO}u;rq(OV> Kh1Cr-5dR0=d`sE@ literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf b/genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf new file mode 100644 index 0000000000000000000000000000000000000000..64424e877a0228fb0b8867cc5951812007bb0c5f GIT binary patch literal 13992 zcmb`u2|QKb_W(+WE+S(}ba(@l5GO|DD*-wR3dya)Ag-=(WAQC=iy~{*N3q3UvHlz)rHazYhd2MZ*k2YC0Wqb8s@< z2_^$q=43lBKOZ}?lb6Hc-%DMBS5}7C3T{xA7K=a{I61o6se1B6_ze(11^8h@9 zklG$#;hIhk-i|;7`c7Uh6julh3x~>kKML8&&Jz)sHMQ5^j4+<#&Ns_1Op%}E1ix=m z#xQ9=VcuJLgTHHgysNEtPi*@3xA*RKW(;~-7L+LXT~O5td7B}5XokZwd8gOcZ%@cK*X`vW!`fg zLMn#ix1ifEj-QcOuqxcodet$pDOotPz3*j(aT|$TdNG}QKI$jhf*&U*qHfh^jODr1 zt*6T;z#_|=cG5RRW3Cq>(cNYfPxg!^RcGS9i-64gc@UdBlfcE+YLCO19U6}=IY3;(eN@cIy zER^D~(iOV#*w{O0ztSlgZR0dQ8u_Zes{veTyTsAFBeM4jWle;+Wd&t)IC#r!_nUEf z-bs3?q0b@7w%3oROX{HXwjow0hCBBKM>)2>L#33QfTs1v*-aQ~P0!&9o*uV#qHWY~ zXi#`?iU%r=CVT0vR}VAe+0-}(Tq3E5+NL#0{Xi^sQQ?_w5Ai9-A|;FujyKvk7b%8X|U@ZLhbEqMfuG`%p~ zAo2L;6=EK(U;axew6&k0&n4SjI|&Wu#KfKxe9^aV&$ASnASL>S_xT-P*XL=i?v>2A zV;icN`ITQTmpd74Yi74`3X&LA&&*ff`nr}~Y!~fh&m(b>Z2q5^&(=mq$Za};?07!x zfM(n}x!vXNVN4>7>G|{?<*D1v>$shS4f7>3Y7hA`WE>k#*s7~pW7hCvVV%H4W-eV$ zyyBbnl9eaJOZ9_zw-m3FiLK$_o(z$O^-OoG?$fe#CT}?s&n|X>ta;5Ns~11aY}?Sj;s2q4vCtIs*=mBC$_(@+#mMRv@nb9Ni-K?Q&qWnPJ~X_D9`S= z53~k(9$}-Y#eNLC`d%|O@3!dW=1LP?N1J#yoTsS!wmx*LYG*HZ)Y1Op7aJw(h0|o# zbMdxD+3#-+nqY0N53#tbCuTZ8gTf8m=R9rAt|MDKY_3ssmLpMbx0ZztHxrJwe@l%F zYV)LG3~ld$Or2UE)$=1P74OGWZBLBZ*OzwOFZESc_w&m*#0nNy_(E1lTe|D(Rql1M z`)tHK1f5h5L|!>vow$orVynO{flkBooD!GMb4u$SUk4VxDN$ezx!C{c1_7x{qSbCnEZx3Po*_Qp$ zWh`E$+~KJ6#s#dxoXc3$|9JtxH2#1s8?)M-FH~$xU~zw6{F>+gxbx|Mk+W>lWrTKq zbipaveJgp&XO+T^v`D*87f{I(gmyuWP1a}KNiXO1o3roO-!^!f^zCd$Ip>i7(OED5 zpzjr-x8zll9=z~uD&LnAvgh_YzpvSIi!%v*8jmjp&(B#O;rVvp>67_z%f`Bl)Xl>` z2kJ>g9tF?p$bR=1+wZpUf4y;7e`>hq?)7VTg{!23KZn;Ma_Q^$y7J-IFYXKRR-Vau zQW7wCx$dBKL-SQZd-o3AEJS@VTP9xw|%1 zmUgH#@41K655wjs+*dfuMsVTpa?my}Ne3%jdA6ca?_z)^GUmRRcvI&rS?Yusshs^6lf)GZDG!+`Jt{dHEq{ zyZAGi2lZ!@du#hfx{l=r?H@0?-Q;}k0T+L>&-jB4oY$|f8~yae(DpH{OW5NJhR2?W z3b-T%uB-YQTyszhp^$avJH}Bv9vK0N`X-uWB)(9*d)&w0S1jUeJT~gA?IrPz90?zz z6?Ikl@4fIW_INpfIg@V3!W+IRk~LZK44rqB+tjcnZ@`194WzoN4Tlh~piQKlrk-zs zK@|^_tD6c{KBn_EQAkipK@flcEoELCy2C-f$oPqP=J*L)Dd=W&(}HI9da}HzQRkpf z(1C_F)$!K{>4j8V&|hMXSIY8S;+?mM^>4~Qayk6UcoP9ep0ti{tS+>}NC z%{e(Z>iZRZ{EGjmK?xkaV9*52@1PJ3hiGdFX>cSsl>8IUU?SBK_d+w0>S#=`cjSKV?^j`6B!q!cSn!&_F-Rj7eO&$Ub}hgvqVR?KbI`zR*O z-~wCvP*LX`@s#qTTcKS~eT=GutK>N_X2W(7k@VRt(h+7e>oam~@m1QUvF9dpOT7;G z9~%oYEBQRnC~0))kgrmEE8nM8==wWM{$DX3X*pd6v1%OmAtu0kK_g?$u0=}Fqs0Ry zy&Lb`H(VFZqjmff{-7S}eHDh=-B=<$Iqm*#lnwKf_ZM4!Vs!P-Mf3#Uqzk`3;~V}+ z_uHIr5KYOCp!Lt#9`OrWtwP~iqfiV8vHzAC-nf-j1I={X1;JCuweFZ>w#6O)MR(6G z1-ng)>Q+t3Ooxk_J0#xeDa-4#Rm$Eg6J);PFEZJZ31v%7U&y##);;jj)@O_8{xBY* z?OV6lEqKbv@dDWt^<(uSA2N>k2fw{*#20vwk9>%JlSZ@chJ)2S238e{Iq`(%0*3<`ua<37wgNFpW$=sOUa$MtPCQhyGiifodd|sA64(P*i^g1&e zrqW(DREgP0V=K6SPuS#DO_JWDxcnUNn#OrHRT{I3e_4b1`{UN^Z4;=iA^{ug5G3e0#@Ju=|=&^55B*5<%F12sf?<+EOO5y zz0h8fq5Qg0%N_F~W$MajrZU@1>*smOxjJR8?d;riQwBkA!m0EHBgQS*+u8e8KF}^r zneH09p#)DLV-n5!Ya<5&lMTb~D{RFKZ%Rto!Y*8!sdw5yCs|4NyVUE?c_}zbsHl|R zLNK|A>tJp(6E|daYk)CNN@BY(r&6@eb@CmeMbvP-Wn!a?h$tWXGtn}Giuj;Al&ARAwF!nq>O!LcrI{(*k<$%r}*3T+Qot9DX~$6`6o--uq^)@2X~b-LIFxaw!33aaL~4Lapt=3k-uG+ z8T(zafL7(@Ch}FQoBR&kI;_>cPq?QwJ|1q`0y(FrooMpO31vGxfRqs z#jooV6Kk9hcIem>9TrkK&+S6w*FDMU8z@t!1>ax1&!O9vWxr4UE1NP!y6_(1RqM65 zU0-#i-1VOXgKWPp_J2A2^E(}XWtjOYqJbap*CHAW7PDM5CJJN*G!s=c*fH-M7wolN@1JXz zCOO;DZrJcfX&~xh+U7^wUZ3*bbIzGBRP1!kmpu|$HM}Or%(bipre5snI2cjuCuH`5 zEUMhvCe~x$xUM)_t|KnX8O4N-op2>>bIxQ`66j|X@|wi8?q+ejV_n=ozxSt^)pu0Su{)fiVJZkX-7@&a zO=?f*Xrruxp5V%9c=E_hM1mq`36x)~$l- z4l3^qHoy7Ymj%ITXH?|Fx} z^7E}i)>>mL3=X$!PZ*f!dOf6y`1^gD)XVjUjZS4hSv;U8zgeFxV)LGt906jY*FRi8 zS=|9v==+b)T`c&xI2T9Fu35fkg!w&5` zpI*UvzZYqvx={nw`__}TMGLEMQypRo1c z=$?H1q%FH}$3}g>{=*HoCnv3<45U5yABCEKeK`B^3h|Y9!Hrb)28QS^uC(FKz%$b-&#bIh zbLDG|4~ffphs6_jql`-{XgCTY#t>uLsR)S(8&&0~lvW1LR@(A5{kAY^4L!%y=rVzL zCwseyhZsUxSc{+)h*&)gHnx4@zlx)w^WB`Zia6IA8Dh{YOq?-kBORJ)^2ezKRpD?? z)bybEzMsz{X!EVmd&eGxZsTnHkjQXg-Sbm7W4O0EpPIHRKH0m`V_TtYR!LxlO>H-G zS@b!ctX2Xsx|iEgN7K#G+UqUHDT3Ce(P;xeJ>u)RJl!78y?p6GD?%?N?nSd~`BU>D zjT@yXPe*!^c6?T zPrXaarQ<-MZ%V5kvb>lj;@0?R5t}`;KubGhR*@hqIYY_sw~0G&99NfG!{< zE{X8WHR!R7Fj}+S9ZlG+adf*1dJ-$G)I8d&GIp!koa-)k@!51^Ui*x0|JE9eV{psEKp7KKBApsj>l^MMb-$kJvetz8#dnAn+VBVsNM6R* zxWR}$Rcd&)X?MlQbjIe|fZ7YsTl}~3kl49(9&I)^DBM@G{SMJ>mG0BbPuMd6KDs;|nx6nbBZ#H^E{eGMsTW|_IC5oi{ot9ax z&GpPuj6Z7H?`xTFDN$tS@VPgn@gr+;lsNq8R(buWFZ=zj*PytqX2x!8jW@XQg@}Cl zMd{VV!gspDd~2Rn7`WCrnz;M{5?hWk0k)OK9_xo?@DtKI2_Be)n6c+oWz!g}pvcy) zF7_4-0d0!H;TW##x5r+vN5!h{(Ti6j8UG;JxX~Dyb0AltX04$k7PZ{eDcrkF2DqaPi`Qs#e7DPx)~!gQl)#F73P*9#OOH_;7?-6JFR3ahaxV&aS%={U$Z!AsZ1_$mk!d z_ki_TpX(k(yN~~(!kwLi0eD5;v*zQyyk~e#xW^U*j4npL+x7B@qPT!fFiM+;W7Mo$ zHLl#|%Itpixs5lsTz{Z;Q1?x_nBstckddqxZ#z4i<1OM71~^4J)m@PWNTMzaU=V7vaYTjSrrR zFdehEEIG=e;4O_Dlx|9HW5#G-GRT$-YzmFd{B$_wP2dk&kB@!|t1y1eAt(;NEI!dP zz8$Lp?2r-zFO%&L>EP@Dos^+_O1rduP73T*N!-hk9(7-jr7YR|o}38n)R8FJtHvUiMH3=&>XN+=#S_ zMxuS&`DBxM)Qz}LzSk3W`gb)CW|3qv2H#(r(m%pxC7NOKTH@RrjIvnKM;pVC_vPEV zM=$2@{+9J)I3aab@W#-EzIT=)CK<7Pm*T4w7h`f}e$vIA-$Q+gy8Ji|yVjtSu-ph? zF*m`v)v4I!-P5xD|W8v#2w> zt{k0U+IpJi3hvjdNOG-_CYpd?{`6=T4Zq#TI0D1u$N5xtmjAfK>{c_Z`Ze%G zV3g8^I`Y2ylijQ;!VBR&g*AUS(r14)_o59_ zUXY_L@l}bc&=L9TjT+WN8KLsmj!p_pb1q6szVWi7l`Vd+x?s9vruWRC$#~|4Gm=v7 z+Ydgu$8=jTxiZAY&?&1rn6cu4i zQ+*JE+3RU?LRfCBGU?i5zZEvh`1U4n{sXoO^JvGBDPm`9e(O(9;jBD$f;vZXrhapB zq9---@eQ@>^#jgH(lSW=2Jzj~<{RYj|;h+Vg z>rM(^*d%B4D_lOm#^U3u#tFK}Q>LpNnqt=){hWK*hl zP2amBU{D@*sZ4c!fEazz4F=9`2BfE6HM6qyhK`27w*)Ud$0)sjm_^TlH=! zlo?lopA_>I&TY;cgOYRk&a=yN4^LejB^SK!SlH?F`M~F$W$&}vAKrI-z43(eXNmVm z&Tcc=_ssF=BL}a??nk-jic2dl=f6HN)UgkHp8kCi|I`nLB0u>P|0)7*t+5++#W{zJ zDJf1E&C>b<5o${_F*}pJUBCC+B1LyM14FS#tKulRPE#aQI)2E+{bj$l^Z5rKu9dW% zoYom?l8Li=WY$pVZg9FX->WYL1UY%Z4uJ_|T&U07D^*(apO^Hz8-8`))O3p(S)@-S6J5#t) z!>8OjT1WLJq%9j?EkJ|A+zRRkEyFIN0vZm>#$i02G~Ml7!t)yH=f(!kOG4hFV|vf-C7+&%GKSbk8`ceUnrxC31vtD2P0JCvy*5bCHe?cTY9KFt>?I zZy@zc=Bdm_y{#Xfr_J*nU8KdnJVLvQP}Uj{qVdZEYOVNN@b1*~+pV^Nqm*g9tg$;_ zv50qJSA{o?Oyo5Yv*I0Mf(1|eT|c1?Z_F_ev5+1RtxVcN-pZr43!NTlh%U*!c_AaR zccQAWxXRx-rN^zcrT*wgS4(V?(gXas*aw5RUvd;Hir!kEzs8&#qIyH_oUSoCG>_n4Djn7pNJ&e_CdnQ{&C^myKS15qn)79TK*1 zy83*gWJGz<`i3y=^9q#DiRBr=#|-MMd^qy*rYlv&6s6A&THG*6DGi=XdM~JZ;QI0`ppkIXVo2}_O{IXj&r#LFVd(?$YEDm z>sn(%G1jjin+OUq|zY#vPX*fmGDD~ z>)9$VIh8Pl7J1r@OV6-8*uB51kyRyL?@GX(-FJ_wo1xNHS<70(EV<=@0zT&UCh(?9 zBiN{xY5nOl^Ue9Y=DfqFy2A1T=8uQVtIbwzmB^Cy8ng`BdL}7bl&0*HzQ)vZTdls+ zd%0u|csX?0OWsxaDh#Fi&+eD|6wfidqn>wL@GA7JHIN~$IM#?MgXyCSF6d$+SlLb| z>1lz7(IbX*$Zc$C7i;&jRv#Dg@h|$`Ewt~JgjSkE$MF&0;sZKpZKXn?SHq1)w+{I5 zaD=Qv&su{SENMAGN~U^V;3#>hQ=&>W|APTJyJ-0Rv!m8$+sum*NV-aNavDpKh{||k z6jnd)=7c8FTYRsGz=VYUi zd2x(k3~ym=f9XkbU9jUi+g-h0stp?5d^&s7Hrahk;C`EDe9dEIS{$!2yId2@4HG^#1D7K+&oHJRy8+rqP0w01TsqaoY=y^k)8F_Ajbsn0F{3~EUQ0Fd zm`|6mNcg~@&_YXh=f`kjY-jKb=@^@#Nqw;o-ENooIj`K^ZvP`(#Y69`O`}w#7FS`7 zI8$i98mI3OtNMAzT+M(A+Q&kieXb(xEF2Fyrckqi4Tpgbs2KaC>6)v#y*F-?lKA!d z*IC@9m%d+aFXPW<6AkvRIFsDgR(OKD_fSw_Wv9co-hk|HU%%7J(p*^O92C851AyE* zO(#DGvYQXZn+&1hjSkZ94DCEY`kcBOWhuzEa3b58fwVsvQ*Tc@F9Z_KAT+R}klm=6 zeX=MNZ1KV0pB6~zQ@8VTqGlTY-)Jn|94W4T5ICQsPHN_FPoZW`!ugX}kbCHAM}~7B z0R%M@@^@C?5>{R`CSgd>J_J(B3uFYsIgpBq z2&AT)v$GSNzzFgUtsxK@AVET-14x%7Ku8}avYWRf1db|@K~7|E2rSH z09ZgIB80Sq(12-3Cs5%aq$`AU11&J82LcUV6C=IAydZ56+yYbifvF*+KZHC4Ap_vW zEajK}SrT}ujMTUL#S9Fd`f&I=$>49p4a*r$&ZIJjD#QQ5GLY*@aq_ePl7UkyUHkx> z5J)SXrG?_bN!TwcU}5~FKvcBb#3qQntUkQ{i=Nx%{iBs>ZtfLuJZu z;^3O9Y4A)q_yPs92qqg|8eD@yl?OcCQbFK<$?OlRr3N5y2?YkM7!1S1Q~}CiieNSP zEw0}+pce6)5Gn>75dZ;;2a^x$!5{oE6x>NwCV&aP{(}W33WY*Y@BKnR0!HR{ffZp% z2Vgx|UZ}hVdI9UiUxlgAa?|{hTDG?s;rmp!!UmetQW9U;dL4q;%g z3dU+dKqIKFoe%~Noj{*9PeIslIdBSxxWeuDx3_{-D%1NIjQe@Xkld0{$#&HG>HUnf=nb^i7w)Q=s!{egP~ z)9Sf7!jS>>n+Q|*`-CMrmOkY8Z!GYFf2KidfG-OuZr)y+@P`-Tn(`PF8jr$Z;OssE ziYSA^iJ?$p64b9b9Q_@@rwZbpb`&2EZ;FSTJ>=u)4B6W`xC8$NK&YrdH1;Tf3YKw?Bt99~wi1 zg}$N>-naksf&IL)k01xsX~kF~>R&h_ykC~VfeQkV;EFyh2;5foVL*7aq7MUqJ+izH zjYh*;1^)fFHWUfo<}3Pe@a|mRhd~1$y1WmCA;3z%3=V}M5`g4a^pRlevAhq9`iCzl zES9j6&nPSozmjGYRu0~d%kkkb_&C7c{-r94ouF0OAc*iWKnLvci*@`|n;y-I6V*b%J6cG;&>sO2g;myB&qnOMaYml-|L#^`I?0&^E_YI5D^KHDN)FfF+*hxNu$hDC_|x? zA~Gv9`JZ!D-^ly>d*0{Ov)lWuv-jF-ueHwFpR?~e{JKgi$KYZp8vdKZkditYI0Odq zuy&@Al7c`DPkY)ypo&&RD_0K(2vpa~!Ok0k06OSHWMpXU+-<>*;(rY=(Xn>6vmrvT zq&~m^BGHcE4nc#LG*DfFhmC<95n=|gQc?lf+xZhAP<1zet-`Nb@mH-5ISGL(`x8|S zh*m^92x^0YfuohJle+^1v%y})!<`60lG^`?1BU^G-wRMBc=&iiz@;b}K%h!?zD_oF z`l`TWz?C7v%H7-3ieTq%bNcsEH~P!SfNKSA5H}V}1I63fI$0@r_yeMY?9mvM7*ZUC z5yzq-C0!+OjIMTiUWCpK)i>%`0 z3g`?1RdEFtu4HH9VGEc*%g)__=m>#>#v$q6n@F&;a-;E2pE1M7bJZ~3UoxIg;ZnGC zQ#hFGSOa5%;yH2Jam(?9r-{cNi|~lxzO5_`j!4>8;wl@SQt&;(lsyuYjW&uOFH!X^ z?K_;*C+k=u`({E<@`sA)ci&R}vh1fk%8y^m&iu6Zh`osMmk%FVU&{@+aVm)NT9)3D zN;$IYUT;)|l~4pfXAQ@R_TZ_u93F+Sq7n&K)_3c@_winjEtkjNkUiGd_&Rp$XUWe( zi=g)x`A)5qUkZBEoh#OZ`!Umkj7WXjulxmW{5rjyD}DS(Vx~s&^;>w``#LN-ZeeKL z3H!LN7nA2wv`*<0lT5#*#N?OBFc##Xg}j$d74j7C#91ejaa^tR$Ftzos-z3GCub^r zIx^F94(wC0$TBQ$e7f5~f$0XrouRaraqp%=r^njoZtCb3syK*r*b!V3x=v6G94Y6c z$CszP@m`j1)9~NbhI2V`k43-hii?Y&%5F#g^~|w5tgwhjF&ai) z;jvl3_9#_V)1q~qbJSg<$+Nk38S$m4Cunw&=k?UarV`6Eg-*|+$huMyF(f*I^z zWU*FsJb$_hu0cImfj;m=>ICdoxL|TGixuxJ$}^bAh`yG~LbvUB6O0YgwZ4#>3EVXa zBR2|74%J%}MITtEtRa_uM*G6@LJw!?ZbJ2KYexc43 zH7$0@{Z@+lgWva?ADmD=hsva(eKnYnpEWnVBSvn_w&jJkjHA~O$S%4wG1k3GP{xbv= z>^VuW|AzEBF>wQ7w?s3CcU8oOl01 z75k+x>jJ&Lz0(WxY`%A+rz{$7uNc5QQGwMTjY@qZXXt0Y4}7g~Y$tqMDSX&4m$x3_ z`Ox?sd$)t?h^y%jMVmR?!NFL~Go`9;s+FtgKcC1j4>l~FTP}Gmc@!SBqJ8XDklmic za`HKI4~!p{KYZbLcp2;W5GAJg-uEmEae#-IaVPqPf6C+e?wk*Dnfy+c4awa52tSWM z+n3+_Lr?xB)re2OF!7z$o(5UkLxf79;bY3@J!ucUrm4#ozbpHIte(DZ`liujQv+SZ z+2GP$5}LlPc9T7F?Cz8!y7a?`jh-YY`6l0q7>)otut^9+_MJMyWuy_mr;aEx8L_tV zGv!KY*sO#LYuy4YY%D8Wo9uXmHML9p9tj7X!I>KIywi;7?W(5YQev^M>wm0%8Jn{h zJ^OWa?YPTl4RzQxA3KYR>yj+O!~>t6obnaFn{8z>%ix|yED_=|^J;pXNuL!ovRnIp zPqeWIA^uelhs1P;GM8QQw4P`5qgIER%JH|?C}`kuVcI9MhIw8ZY0Cw`%;3@oM#3aK zFLX%~$@>WxYkio;UDD6?Yis5_kiIRxq$(5SI5<{Un*R6>_SKu02WLE`C6p!()z!}! zpAub(k1?K5nAz+@>B4XEmn3z+F{GAK z0n>&6)5>j3OD25q#OTeW>GzXEZb5A39$8h_L-7^vfdQ#irRhDI_lH!(KdVSm`VhhO zc$F9Iim_=B3cuBSZfeG$|L3>Q+%JOO(-q$z+Vf)6F>Wb82;Qh?)N^U$}HX>uKkb<{tgIbTRnH&-RH?-YbFSrl&M0N5!abVXqahemy9S z$z5OeU`hP>WgZ11BluN>*NbBV?{wI`3uqf0+l4B141GM0)_pJG~pob z+X+q*hk^L?4@Odsxwr2Tj9MwMz;bu6fPL1{n!~dx* z4U#D`mz`Qs-ZS{t(vwr*R0tc^a?&Z56HOdDS0I+G5ZcH;pL)h8aPol;hrcri!FM;K zVyop|=Q=jLNtIMqf;Rcv_27otW8>M0OKq74*AAx7%u80fj|n>a^7ar|5zi}8%?GHN zmAR!(D;Idat?c)Efns`YPpf@}{I<4i3_Y18?uVAKoxgf$;2GML@-Qfq zSm8YT@YZ=jk+NfQ3Sv;xUd`a={IBvG#*GiJ@Ruvd#LuL4=r^vgRkCy+D^=}gtT{%r zTaQ_K6(PvV`@H-4q=diKRT+xX{n|oo{#2LA_LPoU_$O(HJ(4_#7-hVCiF5yv$7z}u z@oGuZ>fc4)f6hxr5rYLpyw?H=MJ&#_t<ddc_KpGN0_Cf)G7$~vBxirCKx9+ zJMar|>>m**$5%aiH=JB`J~c&w@`Fjp3u0y6S1v7+cV*`ngss?KgyA#MMd$6S;%sai z{8yf6MTJK+FzH?kO5R(1HNJ0nFJFNw-go9ng&Ag!M=5s=DVp@S`REbyNNt-VG`(dZ zjG?&uWzqLP(Bjx0U9ihY6Qy%=g8wAk-b1>~}C840&dYPf7z)%MkSy=0wJTsqyt39(PP5>0dR zcobW({K9qBTR|%(h9;1n87_6tm{{FQA-~NHl|hCmTKEw2uDvu)`o-pjYIDtll(f~0HZmc-i5p6Z0i8}uJ_ zI`gbJ!{%rjhh4ZIR~j9vnJcn`St=6Al(ZalG}uB@pzi1;S^9n1XDzsMW779{kbC!J zRYy~>FAQ0ga#@D=Hl~dS$q6$DSbkj}SUvsoI|WyDh~YM-0Z$Tk5;hS?#AegzNfIdG z)Fjg&KX_z0AWJo7U#pZ|wzneRyLUo*@WRup2YL^^kM=Olu;&OCyjZ_#DwJN&t`};k zY{E11#a z&gs5c@xaQ7p9acnEp^x4_X}M+QDn9pBOTS=HC=RUhBi0uZ2_cr%qDULV(~P+QCYCJ zGZ^{4ED^Q)2IV{-JZWlZ4E^M3cg${`p}vnnNf84wj&%?Gppz|~=e6FmwW&2;PHswp z8$M+0Jo5R6?6XRlvuQ9x)om08o^|Xm@3cxTnB$Mzwrgrwh4^{ld7at zldK~8wr+Hx(drYO4lS+7BaE6Y>eA6=!KbKJt_R=GTQal#o@*1UAQ3`q1^UprhcGCDAK_~nwl?KZjukCb+zOYCM<;yVE>0ioOdEK^8o z*PC@2z2dU72M_Wp*vNj=mUv9hI{dcmfTLgSiG_TbaWZv+Sb>xj42F3p^^@iC72}YLkiadg|^^NhbdOi0sPE#?v~{nJ?EZG$jsb zF+?0Neaqx0C{Qt95njh8!DWG2)EK1u&RzB4Y4-)z^&SlGtuwlAp;}LsEhLX;$H&3OpQBWLX{yCHX%-S}ylwfMPBJSuuRIIr-q#}(w)^Yw zd9MBWxB%9~pD!5(?(}@>f7y{)NY9(j-hTiACV1$V9}G*L!9 zW4Suo?H@lUJ7QwC%~p=sDLzENw*(Yj96be``qPi-HMt{UZm_wbqbGm9jv&uBfuH#B zB=`_>^L!$u#je-UH8HFQ?W5;Rio>7NyB;bOOE2+{Fn`=bTOO6cmfnuRMm=Y>Ra0`Z zHFKY2ipD747@xy?YhvGj$y4uhJHe3>um$Kyv#uLtN<^;&HPed_hsXLZAO0-e;2;yJ zdB5>X;ZT%P9keB(FHLhV9yQcc+QQN$g~?0kg2?NepL4NGnE7}$mx2ifuMw5=HO@)r zcWUlkM`kXpk(0kNDB8xeb_!B~GtEs1Ft(f#0M8U4cy1?W{?eNNMCSJI!TUjONt8CNkid{$CSqQ|w2|L6enE(LSoLW@?Cd%bO~WCv^37zfOI zRU^gqsn(>nIbYIkmNCOD>bUmN`j6M60+qUQGbv49bnSB{cS!tjZswfWL<}potM!)3 z`_ARuf&CAh{0ObnEzY*$;PH4Ot$r7GF!z zWw##t;kdh=jR@rxX`^}_Z%60dwelu+|5Zx?l;uqibpiGl^+?+%QQ2_~^4AOx_~BVZ zZ?kqHTV{@9D8H+jf4+d3(Vl@)KQ-f0 zvV^pCP>tMrmYvAzx7O~ZAGEAT&4vHfA9AN?9D&-51CQz95-H@V+b3896ukT9%G)ok ztbe3wBM*yEgh(9o(rwb&e???;vBjurY%cY{W537QuiJbMvf=i#s`VZ)#222d=e|$n z%Voc7DGx0g#xYGHYeRz#@bcGc8k+IpK<^G5aM7{XMToF_wLYaZ@EL4LZO|!*p`9`B z-q&)MvES}M-nHbWnDcyi9(}d!DS;xSe8TSB62075uEyYx?R*(lMtsh6-^?{%4R|wm zaiS#IN~Cc4s>bQ37p>-zf_7&Dge4;EsVbZ1c_}ohX?IfDgsMjC1TQF{_uymuv-- zSANdOAX<-ys7H|-%Z9-U+qlPxK;ZD@Vm7u2#SX3dEPpsyXeIqX%O=&tkeby!K zs}A|0rP!|-PCaLjXV+u>u*Rd46Zui&?HQ?~Jm!Hg6*i`EgC4oKO7mNbrxd=>*Kk%m zk#|;~s1%eM^a;=rb7$||&tQAka8+CH)66sEgHIZJrJ1V7OlE^5)5OasQU!*tF%-$rJuR$X%DbCAU%h&SCPFcXt310E(}lW?c#;dn@*^Szc#m zz4TD;UQ0_y&Gb&jg9jP?qaJt5k2jh1$E2-ZYdyJePl}a$Z_PPDz1^oG0*CgBc^tU< zL%ie6{HYVT%bYq02>a0Tyi$whRk_JWpE#deU2_ur8gafmP7Qs~RNF%HnP$oUqdG&u zH)u7gZcTO1REky2xaf!v%@heH>p(KiDt29sHP&LY;aFCBFV?s$UtAfUd44hH41L8~ zArI5Zob*t^Jyf}Jl4TRsSy9H}*L{4ls$;V`g%0VgV^C;y-f?FB^r7Bbv(=xOfj_=e z6c`$0ZKJLogJk69K&h;!PT0*ucW*^xIkf1B$b6=DXVKESizrfEo6XV%?i3n&%s+~! z|4~OM^zIq_BC0A=p#wK3pV;S>E;v4(Os^N=wm5n#b)XvY63E40IZ1)L zd%C#nxG?U5%&DHH^Hap)P@DRJ>Sbo9H+R2Sj8Vx1t;ZkudUsT|Y1W)~8?EgW4kJ*T z;eoR5y;wzHdy%GOr?&hd8kp&)mi+3Ww1$djIL`^$#1l*@7anQSl_z<;RaKFfrhUjB z{ucSPn>}2<>wKPE`e%;)ss0f!Roo|iJ-g}~kTJMj?2RWp3;I&Om=BJpQwi?xa!Xo> zQK(ZlWc4!4^3qx;uIP>(2+hCaTG@B$6Hn}UO?7^OtHB1s>s3N#!jmtRnakA1Loee| zW1_N(iPjz0lk`?#cjA`4DlVz|JZl|F#~n)@n!Pcjb%w!2AXV?ZP{ss8MzCnfTsvsC z@=(usPQKB%^dF;_t}OE2d6oU*qcOi;YV3;}3AIw|FgDdMi1l79H!d|HXzDQbr! zk()Q?czLD<09?%lhi8VAlP_fw12le~J(hr(rJRWgxfB7Tma?XshVj=2d>b>$)AYo| zt?_dxOHn)14zn9ls@g<3#^0D38a-?;gB;k#7j_DxF`IWvB%($ardx(0XNq7G zp!s0GhejyET<$?p)LjKJb~U=EZRC}7Ayxe8=PsBjpyZRzne5NE7qH*2E>6LFbq`r< z73=$LWZ5Zdg=02rRypCW&u%!KqPI~flYfZB6o;&8<&PV*PW7X5U;WSfUy$D0KsebL z-m_13w7LUTABPx@{cP8?T39Zp{fz1WFSBv3`sbNwq~XW07uL6PbIhRgRXuSKG5!`rQ8*zHvdvm|42RKMp216+i4+iOrIpNcd?DY*rBc(328I!+x|ZcG^~dyu($J5xXmzm!)G|c-bWMMTXGZjypkWeyWI4k?FDPCHs;$D{{gCV!P$GY7V+18BIMqE5DFmd{j%V7Z%MAK zrhadpEA@EG{up}sd)l|pdQE>HU6*Lcn0QHN9Ot(nspWF-9TeUgeK$mTmgV`9H2bY- zx4VeYgSnb)OrN;&>!?xf$eHp5;I_gwV`zfbMZB z^F>}d4g8+FqNj3!z& zR$rRVZ?K*j$0lljt;j_^6PS1l43Tw0XPTdzEEP!b)7Kb3lVZtm482lv{|j@C-5 zCg{)#$MH`^d)pP7E+VTMgyR~7Tgok`d5Z)64e}a_jtsuLxGvM^&3=yU0iWX|=-NaH zpZ|kA<(Ja-ud2)#t~jYCvs?+Aaq4Ox*PIqLZhp5085(7kRB$#9$$|MbofeBjxY;SW zSUH5{H8pw-TN}$O%1uEhO5-z9*gjw!T1Ic z7VoE-GPD+{sj>Fe(P-zkuxJimSxt*h>wVrn|N80*$Jupq9g?s$3+JPsxNaA z4zdAB5h?!K@RHn`?9|BT)3t@gwLbRAeNOFdjc1n}jggn7pP;7%=kb%PSyEL+lV;aT zX_JEF?ucio>%xOdtwVFueb4fyA9y3fp_(eh=Vk3q^J#^H%>IFKZPPo-5pwM5ZC1Hc z6uNca!Y4@5gKtZIS?AcPAyeFkKIOOx2cf)W@6J{>^os`q4)hj~%jW zuDO0w=iRE{`?{#0khP0-*As;!DvS0sg{WMYBz{h;ObrahH<)-b<>k#)%Lz(}UK=`o zM=!Z7@YCg4UiDiqbNgsxs6!p-X3FTw?p@R2B7b+Mpui$c=;O6Pd9`Z_wiiyc zt$0nbI0UYf$xe$Sw^{2>u_GM0C7{H&?*kCG;+)|a(;|mVQRIuv!JnnmurzsvRe4^? z1sL_srA5rM#`&I{2JBDFixQh;(Zh8C`o|eQCPdaRvg$g)^qz*BY8_Iv>Pl&Axq_%U zI981hyXl&2cq`0TY7ay84Z9NR;37AxDbWSGCq}1goA=2kXx{R>Z}i}-f&uL6Hfz}_ zk`v#Ieb6!Yz*92CK%K|bdoISWwB~Dk@d%rF7Lw<;axP3lezEqTP`a4=ka57l_{*6B zWaZ0RiZib*m0w&u!E(&P-R7CK@B`VeM<7>x7Eg&UCoqj3Ze%|cxQ%=}#b($oC!8_A zPw}2nV@xdPE^8_Shd^hvDWHcKuI4;Gv9InNpQlgJ_a45JcZHO%+H{>8^D4GbgR4jv z^1T~v*12op$;K44jXXQWXGq*;fu!{{-GSe5UUduA%H_}F37JKsvmQ?P16u&9d|B=n?Nm+Nq~LR+c~O|p-V z6W^V z%^igpKff8CO|-tS?+TgFgOYtwDTPDVBhM!%79Z+eh{>Bbdwep=O4rQn)oy?LXZwdn zFU2wliOc`Bdr9bBCA@1mLFyI}|EQ}!ZmwEuUy)7eciVochf|f@u8Km|r;Z@26vW(lrBH^lv&1>;Y9DmX#cH zmAIeBF-jk;Xndc}T6W|6&CYVJOa_5KkE-~jj*i0ftj~P|3ah(q4n6nF{Py)bxfogY zHa|cBkm#=;Ab^BbB|C2$f|DoFg8+eVIY~1Se9utQZUiZo|O8KP@0nR>8{Kj+DOpe`aIsWJ`4Ph5$$Pq(oW+A8R5h z9T`kYMgj@Fj#dOPp%~~vN-zGMYP-Qz#fjie1iL_B8v-e8WbYn>i=!aN5J(Kb7kGqm z2pr@j4OH13NV5eKi>0J!ph`~m_I6-aFp$J+1_6)(6vz^`0dkPVAjr_k12Y3Dz$h9hFqt$N~ zz#uU+I5Z3}JPd*WeqTWXi9ldM19F1*!Tv}9ZIf!?SPJO>zY5Lo`$(WKSU?`X3mVvD z;V@7EfTv@`0Y*4+2o?)m1Fnn)CdYyWjesCFSa zScCV0(+v!ekA(%sgFJEKIH2C3fi-C{NGuIlgF=9d0t*HR7vNYlu<#8YKwn^9QX7c^ z6d_J3Xy6xCu#Lk4@&a@W904qFV_p<6FB$UaY7(-IZZ{fh20xkXizFZa!?}B4St*JcMV8O^IH%S2NVz&fMt`!2mRm=f3O$0CXzD&oWScp zTtJ~=_ul(`}&>#LTpj@PD zfCuOszYA&QFf^cdKvvKPwkbFu@{#-kh~1dK%5R_eU4u#i>`p_f!S-K;Wb2LlV4pt) z^b63cV14pWaQGY7f$^J^OQ`=VbOQ-kq&crHjI+#rCp zNG*W#uUXsyx7wh2LrAa6fItM`dzKBF4+QmV4k84|H6V@kg8-+$q?Rub+csJo!5@hI zApO5+{P!NC0(kTWhyU(_*T3@|BL-Vn|VlBa!GS0fqiIRLq0mAoQ0y z{0VmUG%yGXM+58*zy5&Wj|SYv9`c6{kIBP`-QC^;d|e?$YJCq6FmjRF f22KIMd(5wdHY);=6cXS_aTuJ2pI=!=h35YQPvf(j literal 0 HcmV?d00001 diff --git a/genetic/results/data/Experiment-3/main.log b/genetic/results/data/Experiment-3/main.log new file mode 100644 index 0000000..5f7123d --- /dev/null +++ b/genetic/results/data/Experiment-3/main.log @@ -0,0 +1,3170 @@ +2015-04-22 16:26:03,743 - __main__ - INFO - ###################################RUNNING EXPERIMENT NUM 3######################### +2015-04-22 16:26:03,743 - __main__ - INFO - Program Arguments: +2015-04-22 16:26:03,743 - __main__ - INFO - plot=True +2015-04-22 16:26:03,743 - __main__ - INFO - autoscale=True +2015-04-22 16:26:03,743 - __main__ - INFO - G=5 +2015-04-22 16:26:03,743 - __main__ - INFO - l=20 +2015-04-22 16:26:03,743 - __main__ - INFO - experiment_number=3 +2015-04-22 16:26:03,743 - __main__ - INFO - N=30 +2015-04-22 16:26:03,743 - __main__ - INFO - pc=0.6 +2015-04-22 16:26:03,743 - __main__ - INFO - ce=True +2015-04-22 16:26:03,743 - __main__ - INFO - ff= +2015-04-22 16:26:03,744 - __main__ - INFO - learn=True +2015-04-22 16:26:03,744 - __main__ - INFO - NG=20 +2015-04-22 16:26:03,744 - __main__ - INFO - nruns=3 +2015-04-22 16:26:03,744 - __main__ - INFO - pm=0.033 +2015-04-22 16:26:03,744 - __main__ - INFO - Running Base Genetic Algorithm... +2015-04-22 16:26:03,744 - __main__ - INFO - Starting run 0... +2015-04-22 16:26:03,744 - __main__ - INFO - Initializing population... +2015-04-22 16:26:03,745 - __main__ - INFO - Initialization Complete. +2015-04-22 16:26:03,745 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-22 16:26:03,747 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-22 16:26:03,747 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 +2015-04-22 16:26:03,747 - __main__ - INFO - Generation 0 running... +2015-04-22 16:26:03,747 - __main__ - INFO - Running fitness function on generation 0... +2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,748 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,748 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,749 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,749 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,749 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,751 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,752 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,752 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,752 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,753 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,753 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,753 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,755 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,756 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,756 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,756 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,757 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,757 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,760 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,760 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,760 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,760 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,761 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,761 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,763 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,763 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,764 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,764 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,764 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,764 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,764 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,765 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,767 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,768 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,768 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,768 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,768 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,768 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,771 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,771 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,772 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,772 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,772 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,772 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,776 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,776 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,776 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,776 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,777 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,777 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,777 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,777 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,780 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,780 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,780 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,780 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,780 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,783 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,783 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,784 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,784 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,784 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,784 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,787 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,787 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,787 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,787 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,787 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,790 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,790 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,791 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,791 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,791 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,791 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,794 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,794 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,794 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,794 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,797 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,797 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,797 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,798 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,798 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,798 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,798 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,798 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,801 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,801 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,801 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,801 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,801 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:03,802 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:03,805 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:03,805 - __main__ - INFO - Performing learning on the offspring of generation 0... +2015-04-22 16:26:03,875 - __main__ - INFO - Learning on the offspring of generation 0 finished. +2015-04-22 16:26:03,875 - __main__ - INFO - Computing statistics for Run 0, Generation 0... +2015-04-22 16:26:03,875 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-22 16:26:03,875 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-22 16:26:03,875 - __main__ - INFO - Average Fitness Value of Generation: 124876895962421736910664761344.000000 +2015-04-22 16:26:03,876 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 0. +2015-04-22 16:26:03,876 - __main__ - INFO - Generation 0 finished. +2015-04-22 16:26:03,876 - __main__ - INFO - Generation 1 running... +2015-04-22 16:26:03,876 - __main__ - INFO - Running fitness function on generation 1... +2015-04-22 16:26:03,876 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,877 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,877 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,877 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,877 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,877 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,880 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,880 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,880 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,881 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,881 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,881 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,881 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,881 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,884 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,884 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,884 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,884 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,885 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,885 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,885 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,885 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,888 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,888 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,888 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,888 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,888 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,892 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,892 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,892 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,892 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,892 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,895 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,895 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,895 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,896 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,896 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,896 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,896 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,896 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,899 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,899 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,900 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,900 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,900 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,900 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,900 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,900 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,903 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,904 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,904 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,905 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,905 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,905 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,909 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,909 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,910 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,910 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,913 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,913 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,913 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,913 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,914 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,914 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,914 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,914 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,917 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,917 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,917 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,918 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,918 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,918 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,918 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,918 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,921 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,921 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,921 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,922 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,922 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,922 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,922 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,922 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,925 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,925 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,925 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,925 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,926 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,926 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,926 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,926 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,929 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,929 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,929 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,930 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,930 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,930 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,932 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,932 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:03,932 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:03,933 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:03,933 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:03,933 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:03,933 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:03,933 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:03,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:03,936 - __main__ - INFO - Performing learning on the offspring of generation 1... +2015-04-22 16:26:04,006 - __main__ - INFO - Learning on the offspring of generation 1 finished. +2015-04-22 16:26:04,006 - __main__ - INFO - Computing statistics for Run 0, Generation 1... +2015-04-22 16:26:04,006 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-22 16:26:04,006 - __main__ - INFO - Fitness Value of Best Individual: 538615114094899727126855942144.000000 +2015-04-22 16:26:04,006 - __main__ - INFO - Average Fitness Value of Generation: 187349763710291450352942186496.000000 +2015-04-22 16:26:04,006 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 1. +2015-04-22 16:26:04,006 - __main__ - INFO - Generation 1 finished. +2015-04-22 16:26:04,006 - __main__ - INFO - Generation 2 running... +2015-04-22 16:26:04,006 - __main__ - INFO - Running fitness function on generation 2... +2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,007 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,007 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,007 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,008 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,008 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,010 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,010 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,010 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,011 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,011 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,011 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,011 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,011 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,014 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,014 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,014 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,015 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,015 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,015 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,018 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,018 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,019 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,019 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,019 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,022 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,022 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,022 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,022 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,022 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,023 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,026 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,026 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,027 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,027 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,027 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,029 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,029 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,030 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,030 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,030 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,030 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,030 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,030 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,033 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,034 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,034 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,035 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,035 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,035 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,039 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,039 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,039 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,039 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,040 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,040 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,040 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,040 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,043 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,043 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,043 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,043 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,044 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,044 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,044 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,044 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,047 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,047 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,047 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,048 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,048 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,048 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,051 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,051 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,051 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,052 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,052 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,052 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,052 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,052 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,055 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,055 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,055 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,056 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,056 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,056 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,058 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,059 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,059 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,059 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,059 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,059 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,062 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,062 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,062 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,063 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,063 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:04,063 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:04,066 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:04,066 - __main__ - INFO - Performing learning on the offspring of generation 2... +2015-04-22 16:26:04,135 - __main__ - INFO - Learning on the offspring of generation 2 finished. +2015-04-22 16:26:04,136 - __main__ - INFO - Computing statistics for Run 0, Generation 2... +2015-04-22 16:26:04,136 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:26:04,136 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-22 16:26:04,136 - __main__ - INFO - Average Fitness Value of Generation: 386218731698063129516611469312.000000 +2015-04-22 16:26:04,136 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 2. +2015-04-22 16:26:04,136 - __main__ - INFO - Generation 2 finished. +2015-04-22 16:26:04,136 - __main__ - INFO - Generation 3 running... +2015-04-22 16:26:04,136 - __main__ - INFO - Running fitness function on generation 3... +2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,137 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,137 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,138 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,138 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,138 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,140 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,141 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,141 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,141 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,141 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,141 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,144 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,144 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,144 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,145 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,145 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,145 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,147 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,148 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,148 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,148 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,148 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,148 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,151 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,151 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,151 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,151 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,152 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,152 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,152 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,152 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,155 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,155 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,155 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,156 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,158 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,159 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,159 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,159 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,159 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,159 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,162 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,162 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,162 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,163 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,163 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,163 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,163 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,168 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,168 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,168 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,168 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,169 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,169 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,169 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,169 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,172 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,172 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,172 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,173 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,173 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,173 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,176 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,176 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,177 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,177 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,177 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,177 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,180 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,180 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,181 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,181 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,181 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,181 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,184 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,184 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,184 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,185 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,185 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,185 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,188 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,188 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,188 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,189 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,189 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,189 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,191 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,191 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:04,191 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,192 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,192 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,192 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,192 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:04,192 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:04,196 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:04,196 - __main__ - INFO - Performing learning on the offspring of generation 3... +2015-04-22 16:26:04,269 - __main__ - INFO - Learning on the offspring of generation 3 finished. +2015-04-22 16:26:04,269 - __main__ - INFO - Computing statistics for Run 0, Generation 3... +2015-04-22 16:26:04,270 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-22 16:26:04,270 - __main__ - INFO - Fitness Value of Best Individual: 1137874732397032536553849618432.000000 +2015-04-22 16:26:04,270 - __main__ - INFO - Average Fitness Value of Generation: 457674790947406149092986847232.000000 +2015-04-22 16:26:04,270 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 3. +2015-04-22 16:26:04,270 - __main__ - INFO - Generation 3 finished. +2015-04-22 16:26:04,270 - __main__ - INFO - Generation 4 running... +2015-04-22 16:26:04,270 - __main__ - INFO - Running fitness function on generation 4... +2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,271 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,271 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,272 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,272 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,272 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,277 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,278 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,278 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,279 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,279 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,279 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,279 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,279 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,285 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,285 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,285 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,286 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,286 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,286 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,286 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,286 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,290 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,290 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,291 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,291 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,294 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,294 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,294 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,294 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,294 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,297 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,297 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,297 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,298 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,298 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,298 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,298 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,298 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,301 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,301 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,302 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,302 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,302 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,302 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,302 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,306 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,307 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,307 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,307 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,307 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,308 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,308 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,311 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,311 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,311 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,311 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,312 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,312 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,314 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,315 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,315 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,315 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,315 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,315 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,318 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,318 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,318 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,319 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,319 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,323 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,323 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,324 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,324 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,324 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,324 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,325 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,327 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,327 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,327 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,328 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,328 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,328 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,328 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,328 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,331 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,331 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,331 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,332 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,332 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,332 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,332 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,332 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,335 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,335 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:04,335 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,336 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,336 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,336 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,336 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:04,336 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:04,340 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:04,341 - __main__ - INFO - Performing learning on the offspring of generation 4... +2015-04-22 16:26:04,409 - __main__ - INFO - Learning on the offspring of generation 4 finished. +2015-04-22 16:26:04,409 - __main__ - INFO - Computing statistics for Run 0, Generation 4... +2015-04-22 16:26:04,409 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:26:04,409 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:04,409 - __main__ - INFO - Average Fitness Value of Generation: 553715213199472321010237177856.000000 +2015-04-22 16:26:04,409 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 4. +2015-04-22 16:26:04,409 - __main__ - INFO - Generation 4 finished. +2015-04-22 16:26:04,409 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... +2015-04-22 16:26:04,410 - __main__ - INFO - Initializing environment... +2015-04-22 16:26:04,410 - __main__ - INFO - Initialized environment. +2015-04-22 16:26:04,410 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 +2015-04-22 16:26:04,410 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment +2015-04-22 16:26:04,410 - __main__ - INFO - Running fitness function on generation 5... +2015-04-22 16:26:04,410 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,411 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,411 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,411 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,411 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,412 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,412 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,415 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,415 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,415 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,415 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,416 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,416 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,418 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,418 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,418 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,419 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,419 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,419 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,419 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,419 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,422 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,422 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,422 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,423 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,425 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,426 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,426 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,426 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,426 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,426 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,429 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,429 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,429 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,430 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,430 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,430 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,430 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,430 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,433 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,433 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,434 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,434 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,437 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,437 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,437 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,438 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,438 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,438 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,439 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,442 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,443 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,443 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,443 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,443 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,444 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,446 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,446 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,446 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,446 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,447 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,447 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,447 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,447 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,450 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,450 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,450 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,450 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,450 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,451 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,453 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,453 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,453 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,454 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,454 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,454 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,454 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,454 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,457 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,457 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,458 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,458 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,458 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,458 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,458 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,459 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,461 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,462 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,462 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,462 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,462 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,462 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,466 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,466 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,466 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,466 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,466 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:04,467 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:04,469 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:04,469 - __main__ - INFO - Performing learning on the offspring of generation 5... +2015-04-22 16:26:04,538 - __main__ - INFO - Learning on the offspring of generation 5 finished. +2015-04-22 16:26:04,539 - __main__ - INFO - Computing statistics for Run 0, Generation 5... +2015-04-22 16:26:04,539 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-22 16:26:04,539 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-22 16:26:04,539 - __main__ - INFO - Average Fitness Value of Generation: 565864057722927776535515496448.000000 +2015-04-22 16:26:04,539 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 5. +2015-04-22 16:26:04,539 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:04,539 - __main__ - INFO - Recovery Time: 2, Max Recovery: 100, Generation 6 In Changed Environment +2015-04-22 16:26:04,539 - __main__ - INFO - Running fitness function on generation 6... +2015-04-22 16:26:04,540 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,540 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,540 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,541 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,541 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,541 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,541 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,544 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,544 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,544 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,545 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,545 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,545 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,545 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,545 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,548 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,548 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,549 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,549 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,549 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,549 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,549 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,549 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,552 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,552 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,552 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,552 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,553 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,553 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,556 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,556 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,556 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,556 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,556 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,559 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,559 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,559 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,560 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,560 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,560 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,560 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,563 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,563 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,563 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,564 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,564 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,564 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,564 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,564 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,568 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,569 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,569 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,569 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,570 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,570 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,573 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,573 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,574 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,574 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,574 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,577 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,577 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,577 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,577 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,578 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,578 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,580 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,581 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,581 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,581 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,582 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,582 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,584 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,584 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,584 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,585 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,585 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,585 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,585 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,585 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,588 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,588 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,588 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,588 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,589 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,589 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,589 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,589 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,592 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,592 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,592 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,593 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,593 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,593 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,593 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,593 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,596 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,596 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,596 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,597 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,597 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:04,597 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:04,601 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:04,602 - __main__ - INFO - Performing learning on the offspring of generation 6... +2015-04-22 16:26:04,672 - __main__ - INFO - Learning on the offspring of generation 6 finished. +2015-04-22 16:26:04,672 - __main__ - INFO - Computing statistics for Run 0, Generation 6... +2015-04-22 16:26:04,672 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-22 16:26:04,672 - __main__ - INFO - Fitness Value of Best Individual: 1115607835569227904109873463296.000000 +2015-04-22 16:26:04,672 - __main__ - INFO - Average Fitness Value of Generation: 694078708627319853693506945024.000000 +2015-04-22 16:26:04,673 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 6. +2015-04-22 16:26:04,673 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:04,673 - __main__ - INFO - Recovery Time: 3, Max Recovery: 100, Generation 7 In Changed Environment +2015-04-22 16:26:04,673 - __main__ - INFO - Running fitness function on generation 7... +2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,674 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,674 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,674 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,674 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,675 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,677 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,677 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,678 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,678 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,678 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,678 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,678 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,678 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,681 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,681 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,681 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,682 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,682 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,682 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,682 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,682 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,685 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,685 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,685 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,686 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,686 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,686 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,689 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,689 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,689 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,690 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,690 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,690 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,690 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,690 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,693 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,693 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,694 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,695 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,695 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,695 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,695 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,699 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,699 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,699 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,700 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,700 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,700 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,700 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,700 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,703 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,703 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,703 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,704 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,704 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,704 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,704 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,704 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,707 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,707 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,707 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,707 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,707 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,707 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,710 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,710 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,710 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,711 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,711 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,711 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,713 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,713 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,714 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,714 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,714 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,714 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,714 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,714 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,717 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,717 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,717 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,718 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,718 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,718 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,721 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,721 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,721 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,722 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,722 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,722 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,725 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,725 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,725 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,725 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,726 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,726 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,726 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,726 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,730 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,730 - __main__ - INFO - Selecting the parents of generation 7... +2015-04-22 16:26:04,730 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,731 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,731 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,731 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,731 - __main__ - INFO - Selection of the parents of generation 7 finished. +2015-04-22 16:26:04,731 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 7... +2015-04-22 16:26:04,734 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 7 finished. +2015-04-22 16:26:04,734 - __main__ - INFO - Performing learning on the offspring of generation 7... +2015-04-22 16:26:04,801 - __main__ - INFO - Learning on the offspring of generation 7 finished. +2015-04-22 16:26:04,801 - __main__ - INFO - Computing statistics for Run 0, Generation 7... +2015-04-22 16:26:04,801 - __main__ - INFO - Number of Correct Bits in Best Individual: 15 +2015-04-22 16:26:04,801 - __main__ - INFO - Fitness Value of Best Individual: 1207096081374615059828666531840.000000 +2015-04-22 16:26:04,801 - __main__ - INFO - Average Fitness Value of Generation: 868718869097405135145473671168.000000 +2015-04-22 16:26:04,802 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 7. +2015-04-22 16:26:04,802 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:04,802 - __main__ - INFO - Recovery Time: 4, Max Recovery: 100, Generation 8 In Changed Environment +2015-04-22 16:26:04,802 - __main__ - INFO - Running fitness function on generation 8... +2015-04-22 16:26:04,802 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,803 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,803 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,803 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,803 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,803 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,803 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,806 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,806 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,806 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,807 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,807 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,807 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,807 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,807 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,810 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,811 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,811 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,811 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,811 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,811 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,815 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,815 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,815 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,816 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,816 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,819 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,819 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,819 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,819 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,823 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,823 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,824 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,824 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,827 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,827 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,827 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,828 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,828 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,828 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,833 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,833 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,833 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,834 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,834 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,834 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,837 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,837 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,837 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,838 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,838 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,838 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,840 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,841 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,841 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,841 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,841 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,841 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,844 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,844 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,844 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,845 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,845 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,845 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,845 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,845 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,848 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,848 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,848 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,849 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,849 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,849 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,851 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,852 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,852 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,852 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,852 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,852 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,855 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,855 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,855 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,856 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,856 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,856 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,856 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,856 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,858 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the parents of generation 8... +2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,859 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,859 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,859 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,859 - __main__ - INFO - Selection of the parents of generation 8 finished. +2015-04-22 16:26:04,859 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 8... +2015-04-22 16:26:04,862 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 8 finished. +2015-04-22 16:26:04,862 - __main__ - INFO - Performing learning on the offspring of generation 8... +2015-04-22 16:26:04,931 - __main__ - INFO - Learning on the offspring of generation 8 finished. +2015-04-22 16:26:04,931 - __main__ - INFO - Computing statistics for Run 0, Generation 8... +2015-04-22 16:26:04,932 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:26:04,932 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:04,932 - __main__ - INFO - Average Fitness Value of Generation: 846148236194270241035131027456.000000 +2015-04-22 16:26:04,932 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 8. +2015-04-22 16:26:04,932 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:04,932 - __main__ - INFO - Recovery Time: 5, Max Recovery: 100, Generation 9 In Changed Environment +2015-04-22 16:26:04,932 - __main__ - INFO - Running fitness function on generation 9... +2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,933 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,933 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,933 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,933 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,934 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,936 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,936 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,936 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,937 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,937 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,937 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,937 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,937 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,940 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,940 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,940 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,941 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,941 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,942 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,942 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,942 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,945 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,945 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,945 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,946 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,946 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,946 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,948 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,948 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,949 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,949 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,949 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,949 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,949 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,950 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,952 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,953 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,953 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,953 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,953 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,953 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,956 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,957 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,957 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,958 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,958 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,958 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,962 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,963 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,963 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,963 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,964 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,964 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,964 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,964 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,967 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,967 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,967 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,968 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,968 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,968 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,971 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,971 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,971 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,972 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,972 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,972 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,975 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,975 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,975 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,975 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,976 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,976 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,978 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,978 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,978 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,979 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,979 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,979 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,979 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,979 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,982 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,982 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,982 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,983 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,983 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,983 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,986 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,986 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,986 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,987 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,987 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,987 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,989 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the parents of generation 9... +2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:04,990 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:04,990 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:04,990 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:04,990 - __main__ - INFO - Selection of the parents of generation 9 finished. +2015-04-22 16:26:04,990 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 9... +2015-04-22 16:26:04,995 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 9 finished. +2015-04-22 16:26:04,995 - __main__ - INFO - Performing learning on the offspring of generation 9... +2015-04-22 16:26:05,063 - __main__ - INFO - Learning on the offspring of generation 9 finished. +2015-04-22 16:26:05,063 - __main__ - INFO - Computing statistics for Run 0, Generation 9... +2015-04-22 16:26:05,063 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:26:05,063 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:05,063 - __main__ - INFO - Average Fitness Value of Generation: 943209359982775828623042543616.000000 +2015-04-22 16:26:05,063 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 9. +2015-04-22 16:26:05,064 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:05,064 - __main__ - INFO - Recovery Time: 6, Max Recovery: 100, Generation 10 In Changed Environment +2015-04-22 16:26:05,064 - __main__ - INFO - Running fitness function on generation 10... +2015-04-22 16:26:05,064 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,064 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,065 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,065 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,065 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,065 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,065 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,068 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,068 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,068 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,069 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,069 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,069 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,071 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,072 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,072 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,072 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,072 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,072 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,075 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,076 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,076 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,077 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,077 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,077 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,080 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,080 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,080 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,081 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,081 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,081 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,083 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,083 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,083 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,084 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,084 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,084 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,084 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,084 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,087 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,087 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,087 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,088 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,088 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,088 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,088 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,088 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,091 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,091 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,091 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,091 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,092 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,092 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,093 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,093 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,097 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,097 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,097 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,098 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,098 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,098 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,101 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,101 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,101 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,102 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,102 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,102 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,102 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,102 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,105 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,105 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,105 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,106 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,106 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,106 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,109 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,109 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,109 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,110 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,110 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,110 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,110 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,110 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,113 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,113 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,113 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,113 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,114 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,114 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,116 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,117 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,117 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,117 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,118 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,118 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,120 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,120 - __main__ - INFO - Selecting the parents of generation 10... +2015-04-22 16:26:05,120 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,121 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,121 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,121 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,121 - __main__ - INFO - Selection of the parents of generation 10 finished. +2015-04-22 16:26:05,121 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 10... +2015-04-22 16:26:05,124 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 10 finished. +2015-04-22 16:26:05,124 - __main__ - INFO - Performing learning on the offspring of generation 10... +2015-04-22 16:26:05,193 - __main__ - INFO - Learning on the offspring of generation 10 finished. +2015-04-22 16:26:05,193 - __main__ - INFO - Computing statistics for Run 0, Generation 10... +2015-04-22 16:26:05,194 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:26:05,194 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:26:05,194 - __main__ - INFO - Average Fitness Value of Generation: 858818264755340827360579551232.000000 +2015-04-22 16:26:05,194 - __main__ - INFO - Computation of statistics finished for Run 0, Generation 10. +2015-04-22 16:26:05,194 - __main__ - INFO - Population has recovered after 6 iterations. +2015-04-22 16:26:05,194 - __main__ - INFO - Finished run 0. +2015-04-22 16:26:05,194 - __main__ - INFO - Starting run 1... +2015-04-22 16:26:05,194 - __main__ - INFO - Initializing population... +2015-04-22 16:26:05,195 - __main__ - INFO - Initialization Complete. +2015-04-22 16:26:05,196 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-22 16:26:05,197 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-22 16:26:05,197 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 +2015-04-22 16:26:05,197 - __main__ - INFO - Generation 0 running... +2015-04-22 16:26:05,197 - __main__ - INFO - Running fitness function on generation 0... +2015-04-22 16:26:05,198 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,198 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,199 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,199 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,199 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,199 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,199 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,202 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,202 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,202 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,203 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,203 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,203 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,206 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,206 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,206 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,206 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,207 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,207 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,209 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,209 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,209 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,210 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,210 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,210 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,210 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,211 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,213 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,213 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,213 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,214 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,214 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,214 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,214 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,214 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,216 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,217 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,217 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,217 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,217 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,217 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,220 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,220 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,220 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,221 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,221 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,221 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,225 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,226 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,226 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,227 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,227 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,227 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,227 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,228 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,230 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,230 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,230 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,231 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,231 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,231 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,231 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,231 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,234 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,234 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,234 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,235 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,235 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,235 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,235 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,235 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,238 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,238 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,238 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,239 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,239 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,239 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,239 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,239 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,242 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,243 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,243 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,243 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,244 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,244 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,246 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,246 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,246 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,247 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,247 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,247 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,247 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,248 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,250 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,250 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,251 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,251 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,251 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,252 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,252 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,252 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,255 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,255 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:05,256 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,256 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,256 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,257 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,257 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:05,257 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:05,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:05,262 - __main__ - INFO - Performing learning on the offspring of generation 0... +2015-04-22 16:26:05,338 - __main__ - INFO - Learning on the offspring of generation 0 finished. +2015-04-22 16:26:05,338 - __main__ - INFO - Computing statistics for Run 1, Generation 0... +2015-04-22 16:26:05,338 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-22 16:26:05,338 - __main__ - INFO - Fitness Value of Best Individual: 784328825964927378505921986560.000000 +2015-04-22 16:26:05,338 - __main__ - INFO - Average Fitness Value of Generation: 94297079034513241063202750464.000000 +2015-04-22 16:26:05,338 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 0. +2015-04-22 16:26:05,339 - __main__ - INFO - Generation 0 finished. +2015-04-22 16:26:05,339 - __main__ - INFO - Generation 1 running... +2015-04-22 16:26:05,339 - __main__ - INFO - Running fitness function on generation 1... +2015-04-22 16:26:05,339 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,339 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,340 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,340 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,340 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,340 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,340 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,343 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,343 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,343 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,344 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,344 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,345 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,345 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,345 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,348 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,348 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,348 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,349 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,349 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,349 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,349 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,349 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,352 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,352 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,352 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,353 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,353 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,353 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,353 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,353 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,356 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,356 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,356 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,357 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,357 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,357 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,357 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,357 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,361 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,361 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,361 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,362 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,362 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,362 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,364 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,365 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,365 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,365 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,365 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,365 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,369 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,370 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,370 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,370 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,371 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,371 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,371 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,371 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,375 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,375 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,375 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,376 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,376 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,376 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,379 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,379 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,379 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,380 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,380 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,380 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,383 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,383 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,383 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,383 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,384 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,384 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,384 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,384 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,387 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,387 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,387 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,388 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,388 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,388 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,388 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,388 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,391 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,391 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,391 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,392 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,392 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,392 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,394 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,395 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,395 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,395 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,395 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,395 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,398 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,398 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:05,398 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,399 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,399 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,400 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,400 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:05,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:05,404 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:05,404 - __main__ - INFO - Performing learning on the offspring of generation 1... +2015-04-22 16:26:05,472 - __main__ - INFO - Learning on the offspring of generation 1 finished. +2015-04-22 16:26:05,472 - __main__ - INFO - Computing statistics for Run 1, Generation 1... +2015-04-22 16:26:05,472 - __main__ - INFO - Number of Correct Bits in Best Individual: 12 +2015-04-22 16:26:05,473 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:05,473 - __main__ - INFO - Average Fitness Value of Generation: 537932656272673997547794071552.000000 +2015-04-22 16:26:05,473 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 1. +2015-04-22 16:26:05,473 - __main__ - INFO - Generation 1 finished. +2015-04-22 16:26:05,473 - __main__ - INFO - Generation 2 running... +2015-04-22 16:26:05,473 - __main__ - INFO - Running fitness function on generation 2... +2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,474 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,474 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,474 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,475 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,475 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,477 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,477 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,477 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,478 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,478 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,478 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,479 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,479 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,481 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,481 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,481 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,482 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,482 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,482 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,482 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,482 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,485 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,485 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,485 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,486 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,486 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,486 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,486 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,486 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,489 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,489 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,489 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,490 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,490 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,490 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,490 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,490 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,493 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,493 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,493 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,493 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,494 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,494 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,494 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,494 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,496 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,497 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,497 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,497 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,498 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,498 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,501 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,502 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,502 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,503 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,503 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,503 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,507 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,507 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,507 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,508 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,508 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,508 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,508 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,508 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,511 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,511 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,511 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,512 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,512 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,512 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,512 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,512 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,515 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,515 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,515 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,516 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,516 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,516 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,516 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,516 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,519 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,519 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,519 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,519 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,520 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,520 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,523 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,523 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,523 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,523 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,523 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,524 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,526 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,526 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,527 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,527 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,527 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,527 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,527 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,530 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,530 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:05,530 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,531 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,531 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,531 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,531 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:05,531 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:05,536 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:05,536 - __main__ - INFO - Performing learning on the offspring of generation 2... +2015-04-22 16:26:05,605 - __main__ - INFO - Learning on the offspring of generation 2 finished. +2015-04-22 16:26:05,605 - __main__ - INFO - Computing statistics for Run 1, Generation 2... +2015-04-22 16:26:05,605 - __main__ - INFO - Number of Correct Bits in Best Individual: 13 +2015-04-22 16:26:05,606 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-22 16:26:05,606 - __main__ - INFO - Average Fitness Value of Generation: 480780388595293409432335024128.000000 +2015-04-22 16:26:05,606 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 2. +2015-04-22 16:26:05,606 - __main__ - INFO - Generation 2 finished. +2015-04-22 16:26:05,606 - __main__ - INFO - Generation 3 running... +2015-04-22 16:26:05,606 - __main__ - INFO - Running fitness function on generation 3... +2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,607 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,607 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,607 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,607 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,608 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,610 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,610 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,610 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,610 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,611 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,611 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,611 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,611 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,614 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,614 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,614 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,615 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,615 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,615 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,617 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,617 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,618 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,618 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,618 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,618 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,618 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,618 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,621 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,621 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,621 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,622 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,622 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,622 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,624 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,624 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,624 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,625 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,625 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,625 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,625 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,625 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,628 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,628 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,628 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,628 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,629 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,629 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,629 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,629 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,632 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,632 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,632 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,632 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,632 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,632 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,637 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,637 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,637 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,638 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,638 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,638 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,642 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,642 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,642 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,643 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,643 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,643 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,646 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,646 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,646 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,646 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,647 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,647 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,649 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,649 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,649 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,650 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,650 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,650 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,650 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,650 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,653 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,653 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,653 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,653 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,654 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,654 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,657 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,657 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,657 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,658 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,658 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,658 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,661 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,661 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,661 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,662 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,662 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:05,662 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:05,665 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:05,665 - __main__ - INFO - Performing learning on the offspring of generation 3... +2015-04-22 16:26:05,734 - __main__ - INFO - Learning on the offspring of generation 3 finished. +2015-04-22 16:26:05,734 - __main__ - INFO - Computing statistics for Run 1, Generation 3... +2015-04-22 16:26:05,734 - __main__ - INFO - Number of Correct Bits in Best Individual: 9 +2015-04-22 16:26:05,734 - __main__ - INFO - Fitness Value of Best Individual: 1218994419994757127150306852864.000000 +2015-04-22 16:26:05,734 - __main__ - INFO - Average Fitness Value of Generation: 790744705019949859508068548608.000000 +2015-04-22 16:26:05,735 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 3. +2015-04-22 16:26:05,735 - __main__ - INFO - Generation 3 finished. +2015-04-22 16:26:05,735 - __main__ - INFO - Generation 4 running... +2015-04-22 16:26:05,735 - __main__ - INFO - Running fitness function on generation 4... +2015-04-22 16:26:05,735 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,736 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,736 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,736 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,736 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,736 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,736 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,739 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,740 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,740 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,740 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,740 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,740 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,743 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,744 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,744 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,744 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,744 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,744 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,747 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,747 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,747 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,748 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,748 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,748 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,751 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,751 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,751 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,751 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,752 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,752 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,754 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,754 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,754 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,755 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,755 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,755 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,755 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,755 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,758 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,758 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,758 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,759 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,759 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,759 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,762 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,762 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,762 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,763 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,763 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,763 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,763 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,763 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,767 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,767 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,768 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,768 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,768 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,768 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,768 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,768 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,771 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,771 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,771 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,772 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,772 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,775 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,775 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,776 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,776 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,776 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,776 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,779 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,779 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,780 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,780 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,780 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,783 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,783 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,783 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,783 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,784 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,784 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,786 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,786 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,787 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,787 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,787 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,787 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,787 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,790 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,790 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,790 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,790 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:05,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:05,793 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:05,793 - __main__ - INFO - Performing learning on the offspring of generation 4... +2015-04-22 16:26:05,864 - __main__ - INFO - Learning on the offspring of generation 4 finished. +2015-04-22 16:26:05,864 - __main__ - INFO - Computing statistics for Run 1, Generation 4... +2015-04-22 16:26:05,864 - __main__ - INFO - Number of Correct Bits in Best Individual: 17 +2015-04-22 16:26:05,864 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:05,864 - __main__ - INFO - Average Fitness Value of Generation: 792708282567407556533434712064.000000 +2015-04-22 16:26:05,864 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 4. +2015-04-22 16:26:05,864 - __main__ - INFO - Generation 4 finished. +2015-04-22 16:26:05,864 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... +2015-04-22 16:26:05,865 - __main__ - INFO - Initializing environment... +2015-04-22 16:26:05,865 - __main__ - INFO - Initialized environment. +2015-04-22 16:26:05,865 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 +2015-04-22 16:26:05,865 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment +2015-04-22 16:26:05,865 - __main__ - INFO - Running fitness function on generation 5... +2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,866 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,866 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,866 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,866 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,866 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,869 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,869 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,870 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,870 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,870 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,870 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,870 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,871 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,874 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,874 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,874 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,874 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,874 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,874 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,877 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,878 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,878 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,878 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,878 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,878 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,881 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,881 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,881 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,882 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,882 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,882 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,882 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,882 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,885 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,885 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,885 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,886 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,886 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,886 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,888 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,889 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,889 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,889 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,889 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,889 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,892 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,893 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,893 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,894 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,894 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,894 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,897 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,897 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,897 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,898 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,898 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,898 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,898 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,898 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,901 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,901 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,901 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,901 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,901 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,901 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,904 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,904 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,904 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,905 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,905 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,906 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,906 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,906 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,909 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,909 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,909 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,909 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,909 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,910 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,912 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,912 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,912 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,912 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,913 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,913 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,913 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,913 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,916 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,916 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,916 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,917 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,917 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,917 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,917 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,917 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,920 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,920 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,920 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,921 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,921 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:05,921 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:05,924 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:05,924 - __main__ - INFO - Performing learning on the offspring of generation 5... +2015-04-22 16:26:05,993 - __main__ - INFO - Learning on the offspring of generation 5 finished. +2015-04-22 16:26:05,994 - __main__ - INFO - Computing statistics for Run 1, Generation 5... +2015-04-22 16:26:05,994 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-22 16:26:05,994 - __main__ - INFO - Fitness Value of Best Individual: 1255325460068093841637107564544.000000 +2015-04-22 16:26:05,994 - __main__ - INFO - Average Fitness Value of Generation: 719629772433683916583514144768.000000 +2015-04-22 16:26:05,994 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 5. +2015-04-22 16:26:05,994 - __main__ - INFO - Population has not recovered...continuing generation. +2015-04-22 16:26:05,994 - __main__ - INFO - Recovery Time: 2, Max Recovery: 100, Generation 6 In Changed Environment +2015-04-22 16:26:05,994 - __main__ - INFO - Running fitness function on generation 6... +2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,995 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,995 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,995 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,996 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:05,996 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:05,998 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:05,998 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:05,998 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:05,999 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:05,999 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:05,999 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:05,999 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:05,999 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,002 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,002 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,002 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,002 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,002 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,002 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,005 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,006 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,006 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,006 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,006 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,006 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,009 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,009 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,009 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,010 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,010 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,010 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,010 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,010 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,013 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,013 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,013 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,014 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,014 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,014 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,014 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,014 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,017 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,017 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,017 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,018 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,018 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,018 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,018 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,018 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,021 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,021 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,021 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,022 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,022 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,022 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,022 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,022 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,026 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,027 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,027 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,027 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,028 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,028 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,030 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,031 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,031 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,032 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,032 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,032 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,035 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,035 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,035 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,035 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,036 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,036 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,036 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,036 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,038 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,038 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,038 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,039 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,039 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,039 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,039 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,039 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,042 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,042 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,042 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,043 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,043 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,043 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,043 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,043 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,046 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,046 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,046 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,047 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,047 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,047 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,049 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,049 - __main__ - INFO - Selecting the parents of generation 6... +2015-04-22 16:26:06,049 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,050 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,050 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,050 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,050 - __main__ - INFO - Selection of the parents of generation 6 finished. +2015-04-22 16:26:06,050 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 6... +2015-04-22 16:26:06,053 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 6 finished. +2015-04-22 16:26:06,053 - __main__ - INFO - Performing learning on the offspring of generation 6... +2015-04-22 16:26:06,122 - __main__ - INFO - Learning on the offspring of generation 6 finished. +2015-04-22 16:26:06,122 - __main__ - INFO - Computing statistics for Run 1, Generation 6... +2015-04-22 16:26:06,122 - __main__ - INFO - Number of Correct Bits in Best Individual: 18 +2015-04-22 16:26:06,122 - __main__ - INFO - Fitness Value of Best Individual: 1267650600228229401496703205376.000000 +2015-04-22 16:26:06,122 - __main__ - INFO - Average Fitness Value of Generation: 940092318013144493472574603264.000000 +2015-04-22 16:26:06,123 - __main__ - INFO - Computation of statistics finished for Run 1, Generation 6. +2015-04-22 16:26:06,123 - __main__ - INFO - Population has recovered after 2 iterations. +2015-04-22 16:26:06,123 - __main__ - INFO - Finished run 1. +2015-04-22 16:26:06,123 - __main__ - INFO - Starting run 2... +2015-04-22 16:26:06,123 - __main__ - INFO - Initializing population... +2015-04-22 16:26:06,124 - __main__ - INFO - Initialization Complete. +2015-04-22 16:26:06,125 - __main__ - INFO - Generating probability distributions for mutation and crossover... +2015-04-22 16:26:06,126 - __main__ - INFO - Generated probability distributions for mutation and crossover. +2015-04-22 16:26:06,126 - __main__ - INFO - Fitness Function before normal generation run: fitness_func_1 +2015-04-22 16:26:06,126 - __main__ - INFO - Generation 0 running... +2015-04-22 16:26:06,127 - __main__ - INFO - Running fitness function on generation 0... +2015-04-22 16:26:06,127 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,127 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,128 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,128 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,128 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,128 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,128 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,131 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,131 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,131 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,132 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,132 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,132 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,132 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,132 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,135 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,135 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,135 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,136 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,136 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,136 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,138 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,138 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,139 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,139 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,139 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,139 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,139 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,139 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,142 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,142 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,142 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,143 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,143 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,143 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,143 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,143 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,146 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,146 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,146 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,147 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,147 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,147 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,150 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,150 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,150 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,150 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,151 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,151 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,151 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,151 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,155 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,155 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,156 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,156 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,156 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,156 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,156 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,156 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,159 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,159 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,159 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,160 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,160 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,160 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,163 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,163 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,163 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,163 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,163 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,163 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,166 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,166 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,166 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,166 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,167 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,167 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,169 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,169 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,170 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,170 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,170 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,170 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,170 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,171 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,173 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,173 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,173 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,173 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,174 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,174 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,174 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,174 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,176 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,176 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,177 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,177 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,177 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,177 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,177 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,177 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,180 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the parents of generation 0... +2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,180 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,180 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,181 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,181 - __main__ - INFO - Selection of the parents of generation 0 finished. +2015-04-22 16:26:06,181 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 0... +2015-04-22 16:26:06,185 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 0 finished. +2015-04-22 16:26:06,185 - __main__ - INFO - Performing learning on the offspring of generation 0... +2015-04-22 16:26:06,253 - __main__ - INFO - Learning on the offspring of generation 0 finished. +2015-04-22 16:26:06,253 - __main__ - INFO - Computing statistics for Run 2, Generation 0... +2015-04-22 16:26:06,253 - __main__ - INFO - Number of Correct Bits in Best Individual: 19 +2015-04-22 16:26:06,253 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-22 16:26:06,253 - __main__ - INFO - Average Fitness Value of Generation: 95250035662922959430977847296.000000 +2015-04-22 16:26:06,253 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 0. +2015-04-22 16:26:06,254 - __main__ - INFO - Generation 0 finished. +2015-04-22 16:26:06,254 - __main__ - INFO - Generation 1 running... +2015-04-22 16:26:06,254 - __main__ - INFO - Running fitness function on generation 1... +2015-04-22 16:26:06,254 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,254 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,255 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,255 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,255 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,255 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,255 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,258 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,258 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,258 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,259 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,259 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,259 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,259 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,259 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,262 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,262 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,263 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,263 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,263 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,263 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,264 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,264 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,267 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,267 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,267 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,268 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,268 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,268 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,268 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,269 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,273 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,273 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,273 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,274 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,274 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,274 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,274 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,274 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,279 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,279 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,279 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,280 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,280 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,280 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,280 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,280 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,283 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,283 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,283 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,284 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,284 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,284 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,284 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,284 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,290 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,290 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,290 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,291 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,291 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,291 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,291 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,291 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,294 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,294 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,294 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,295 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,295 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,295 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,295 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,295 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,298 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,298 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,298 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,299 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,299 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,299 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,301 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,302 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,302 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,303 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,303 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,303 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,306 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,306 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,306 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,307 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,307 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,307 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,307 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,307 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,310 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,310 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,310 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,310 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,311 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,311 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,311 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,311 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,314 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,314 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,314 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,314 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,314 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,315 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,317 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,317 - __main__ - INFO - Selecting the parents of generation 1... +2015-04-22 16:26:06,317 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,318 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,318 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,318 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,318 - __main__ - INFO - Selection of the parents of generation 1 finished. +2015-04-22 16:26:06,319 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 1... +2015-04-22 16:26:06,323 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 1 finished. +2015-04-22 16:26:06,323 - __main__ - INFO - Performing learning on the offspring of generation 1... +2015-04-22 16:26:06,390 - __main__ - INFO - Learning on the offspring of generation 1 finished. +2015-04-22 16:26:06,391 - __main__ - INFO - Computing statistics for Run 2, Generation 1... +2015-04-22 16:26:06,391 - __main__ - INFO - Number of Correct Bits in Best Individual: 16 +2015-04-22 16:26:06,391 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-22 16:26:06,391 - __main__ - INFO - Average Fitness Value of Generation: 264105252569856897392824025088.000000 +2015-04-22 16:26:06,391 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 1. +2015-04-22 16:26:06,391 - __main__ - INFO - Generation 1 finished. +2015-04-22 16:26:06,391 - __main__ - INFO - Generation 2 running... +2015-04-22 16:26:06,391 - __main__ - INFO - Running fitness function on generation 2... +2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,392 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,392 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,393 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,393 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,393 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,395 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,396 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,396 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,396 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,396 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,396 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,399 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,399 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,399 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,399 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,400 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,400 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,402 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,402 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,402 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,403 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,403 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,403 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,403 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,403 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,406 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,406 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,406 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,406 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,407 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,407 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,410 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,410 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,410 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,411 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,411 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,411 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,411 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,411 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,414 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,414 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,414 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,414 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,415 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,415 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,417 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,417 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,417 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,418 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,418 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,418 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,418 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,418 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,422 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,422 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,422 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,423 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,423 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,423 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,423 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,423 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,426 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,426 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,426 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,427 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,427 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,427 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,430 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,430 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,430 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,430 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,431 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,431 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,433 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,433 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,433 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,434 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,434 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,434 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,434 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,434 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,437 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,437 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,437 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,438 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,438 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,438 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,438 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,438 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,441 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,441 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,441 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,442 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,442 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,442 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,444 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,444 - __main__ - INFO - Selecting the parents of generation 2... +2015-04-22 16:26:06,445 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,445 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,445 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,445 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,445 - __main__ - INFO - Selection of the parents of generation 2 finished. +2015-04-22 16:26:06,445 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 2... +2015-04-22 16:26:06,448 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 2 finished. +2015-04-22 16:26:06,448 - __main__ - INFO - Performing learning on the offspring of generation 2... +2015-04-22 16:26:06,515 - __main__ - INFO - Learning on the offspring of generation 2 finished. +2015-04-22 16:26:06,515 - __main__ - INFO - Computing statistics for Run 2, Generation 2... +2015-04-22 16:26:06,515 - __main__ - INFO - Number of Correct Bits in Best Individual: 11 +2015-04-22 16:26:06,515 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-22 16:26:06,515 - __main__ - INFO - Average Fitness Value of Generation: 353590534750402196166215204864.000000 +2015-04-22 16:26:06,515 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 2. +2015-04-22 16:26:06,515 - __main__ - INFO - Generation 2 finished. +2015-04-22 16:26:06,515 - __main__ - INFO - Generation 3 running... +2015-04-22 16:26:06,516 - __main__ - INFO - Running fitness function on generation 3... +2015-04-22 16:26:06,516 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,516 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,517 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,517 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,517 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,517 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,517 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,520 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,520 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,520 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,521 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,521 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,521 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,521 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,521 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,524 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,524 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,524 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,524 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,525 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,525 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,527 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,527 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,527 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,528 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,528 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,528 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,528 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,528 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,531 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,531 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,531 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,532 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,532 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,532 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,534 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,534 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,535 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,535 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,535 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,535 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,535 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,535 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,538 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,538 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,538 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,539 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,539 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,539 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,542 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,542 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,542 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,542 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,542 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,542 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,547 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,547 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,547 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,548 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,548 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,548 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,548 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,548 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,551 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,551 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,551 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,552 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,552 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,552 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,552 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,552 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,555 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,555 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,555 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,555 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,555 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,555 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,558 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,559 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,559 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,560 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,560 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,560 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,562 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,563 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,563 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,563 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,563 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,563 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,566 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,566 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,566 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,567 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,567 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,567 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,567 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,567 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,569 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the parents of generation 3... +2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,570 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,570 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,570 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,570 - __main__ - INFO - Selection of the parents of generation 3 finished. +2015-04-22 16:26:06,571 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 3... +2015-04-22 16:26:06,573 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 3 finished. +2015-04-22 16:26:06,573 - __main__ - INFO - Performing learning on the offspring of generation 3... +2015-04-22 16:26:06,643 - __main__ - INFO - Learning on the offspring of generation 3 finished. +2015-04-22 16:26:06,643 - __main__ - INFO - Computing statistics for Run 2, Generation 3... +2015-04-22 16:26:06,643 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-22 16:26:06,643 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-22 16:26:06,643 - __main__ - INFO - Average Fitness Value of Generation: 430737134923644351501169590272.000000 +2015-04-22 16:26:06,643 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 3. +2015-04-22 16:26:06,643 - __main__ - INFO - Generation 3 finished. +2015-04-22 16:26:06,644 - __main__ - INFO - Generation 4 running... +2015-04-22 16:26:06,644 - __main__ - INFO - Running fitness function on generation 4... +2015-04-22 16:26:06,644 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,644 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,645 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,645 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,645 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,645 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,645 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,648 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,648 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,648 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,648 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,649 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,649 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,649 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,649 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,651 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,652 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,652 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,652 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,653 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,653 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,655 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,655 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,656 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,656 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,656 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,656 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,656 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,656 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,659 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,659 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,659 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,660 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,660 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,660 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,662 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,662 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,662 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,663 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,663 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,663 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,663 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,663 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,666 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,666 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,666 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,667 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,667 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,667 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,667 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,667 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,670 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,670 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,670 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,670 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,670 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,671 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,675 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,675 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,675 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,676 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,676 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,676 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,676 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,676 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,679 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,679 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,679 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,679 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,680 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,680 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,683 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,683 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,683 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,684 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,684 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,684 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,687 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,687 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,687 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,687 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,687 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,688 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,690 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,690 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,690 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,691 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,691 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,691 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,691 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,691 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,694 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,694 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,694 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,695 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,695 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,695 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,695 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,695 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,698 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the parents of generation 4... +2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,698 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,698 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,699 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,699 - __main__ - INFO - Selection of the parents of generation 4 finished. +2015-04-22 16:26:06,699 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 4... +2015-04-22 16:26:06,702 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 4 finished. +2015-04-22 16:26:06,702 - __main__ - INFO - Performing learning on the offspring of generation 4... +2015-04-22 16:26:06,770 - __main__ - INFO - Learning on the offspring of generation 4 finished. +2015-04-22 16:26:06,770 - __main__ - INFO - Computing statistics for Run 2, Generation 4... +2015-04-22 16:26:06,770 - __main__ - INFO - Number of Correct Bits in Best Individual: 10 +2015-04-22 16:26:06,770 - __main__ - INFO - Fitness Value of Best Individual: 951110130465771932843782438912.000000 +2015-04-22 16:26:06,770 - __main__ - INFO - Average Fitness Value of Generation: 394024916846068290976825212928.000000 +2015-04-22 16:26:06,770 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 4. +2015-04-22 16:26:06,771 - __main__ - INFO - Generation 4 finished. +2015-04-22 16:26:06,771 - __main__ - INFO - Running Sudden change in environment test starting at generation 4... +2015-04-22 16:26:06,771 - __main__ - INFO - Initializing environment... +2015-04-22 16:26:06,771 - __main__ - INFO - Initialized environment. +2015-04-22 16:26:06,771 - __main__ - INFO - Fitness Function before changed environment generation run: fitness_func_2 +2015-04-22 16:26:06,771 - __main__ - INFO - Recovery Time: 1, Max Recovery: 100, Generation 5 In Changed Environment +2015-04-22 16:26:06,771 - __main__ - INFO - Running fitness function on generation 5... +2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,772 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,772 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,772 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,772 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,772 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,775 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,775 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,775 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,776 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,776 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,776 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,776 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,776 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,779 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,779 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,779 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,779 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,779 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,779 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,782 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,782 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,782 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,783 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,783 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,783 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,783 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,783 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,786 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,786 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,786 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,787 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,787 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,787 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,788 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,788 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,790 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,790 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,790 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,791 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,791 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,791 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,791 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,791 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,794 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,794 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,794 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,795 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,795 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,795 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,795 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,795 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,798 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,799 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,799 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,799 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,800 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,800 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,800 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,800 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,804 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,804 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,804 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,805 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,805 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,805 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,808 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,808 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,808 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,808 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,808 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,808 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,811 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,812 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,812 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,813 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,813 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,813 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,816 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,816 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,816 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,816 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,816 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,816 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,819 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,819 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,819 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,820 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,820 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,820 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,820 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,820 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,823 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,823 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,823 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,824 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,824 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,824 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,827 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the parents of generation 5... +2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the first parent... +2015-04-22 16:26:06,827 - __main__ - INFO - First parent has been selected. +2015-04-22 16:26:06,827 - __main__ - INFO - Selecting the second parent... +2015-04-22 16:26:06,827 - __main__ - INFO - Second parent has been selected. +2015-04-22 16:26:06,827 - __main__ - INFO - Selection of the parents of generation 5 finished. +2015-04-22 16:26:06,828 - __main__ - INFO - Performing crossover and mutation of the parent's offspring from generation 5... +2015-04-22 16:26:06,830 - __main__ - INFO - Crossover and mutation of the the parent's offspring of generation 5 finished. +2015-04-22 16:26:06,830 - __main__ - INFO - Performing learning on the offspring of generation 5... +2015-04-22 16:26:06,898 - __main__ - INFO - Learning on the offspring of generation 5 finished. +2015-04-22 16:26:06,898 - __main__ - INFO - Computing statistics for Run 2, Generation 5... +2015-04-22 16:26:06,898 - __main__ - INFO - Number of Correct Bits in Best Individual: 8 +2015-04-22 16:26:06,898 - __main__ - INFO - Fitness Value of Best Individual: 1183612462332409249644578603008.000000 +2015-04-22 16:26:06,898 - __main__ - INFO - Average Fitness Value of Generation: 494275163483583512207253569536.000000 +2015-04-22 16:26:06,899 - __main__ - INFO - Computation of statistics finished for Run 2, Generation 5. +2015-04-22 16:26:06,899 - __main__ - INFO - Population has recovered after 1 iterations. +2015-04-22 16:26:06,899 - __main__ - INFO - Finished run 2. +2015-04-22 16:26:06,899 - __main__ - INFO - Finished Base Genetic Algorithm. diff --git a/genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf b/genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf new file mode 100644 index 0000000000000000000000000000000000000000..b4ec5d305d1953bcbe99d8419606a03cbf22f58d GIT binary patch literal 13508 zcmb`u2{@I{7dTE5U5czJ)f?I6?)SQu?EAiC31wd*%XRG$Wr-+R5{b$Z+H9$$)xJj* zElLsDNuiS8yjS(f^8fxlzvp**rkVG=GiT16bLN~g^Bw~F%Bp+O5;%mw^*7M9as(Pe zK_0e;5i&9m(m24=0YWO-P;A^hoFJsWjgx~ngaI84p?&)h4(|4FN6CK%nCaObcCe#B zL~0)}fI@K~yF+;R5rNbvd)OH{P#_C{N?8@4ckrh`NR1-^t>W)m>36LGSwTn@e~OwB z#fIVl;T91XIosH~xI00FMf9p3?i2`1ZU09O8U+A<7NAD<@bQG;r6?IeNM#3K7dr<- zH82@?GA7%&dwbfD9o+2#{w#H||Gs_jTEPp-;$jg<9S3_C8$}O)Kst;bPrylF2^dK< z1`pvdC zgj96{3s-iq^RNdZ&~|WlqBuinSU6PPdsD~`Hb)Tt>9^18cyypxBgf}By~F8lI{gfG z+hY8I=F0UdS}&UN2$Q!aZWiChv2)IDwJvP?$X$p1hAPHq>-|U8_ZBG5Zf3hV>rE5> zTyyHqj;+@siu=woFFb4saZOlvvGnKHw1w39p9WUOYPHt`Y8Oa1aELwAEujd-3kS@C zE*GA2;eTmfwJ}FB>EMgVf&;Tc%wJw@)t9!vJhj@+5p;{JZ{{17i=&qOwuBs9>L z(aFW|r0^bdU8WoCv`RZ4Za^H6EX~c}or8||JLhbSP~c1>&1lpHRGr;bFf-9=e(F0{ zUqBF>iQ(BhWlytq_RUM)t-JqNPgOE&LF-l5`+bdKmuT^I_neXke)=;^rC;2Vee~S4 zU0x$et6#svIz_>pd~~i5lex9*Qns2}T*ve~o10r+;=Mxkep)?o%IFWkKYW#e8!g>~ z{FO(%dU?O}gG6+$i~4O7q5YXtm!-NNx4Ew0(`9KK6HXqTzjJ(eGhv_;E7IrPW%=Y< z^RZ9I4VjeMoiDVwZndg$iZ!)%cYoK4 zIkmSBpOsiB+8K53OL_&TVOeb$WAqDAafb?dTz07@S1YQVxr6NnqiaW2X@3@ zj>wCrUWi^ltF+le*G{Oc`-Z29NH?n*JpX}h8vexxHY2oe?6-d9>VCsMU9VNPa!}Ed zsg%vy4ookDsXZT?G)m7?l8kWcC3z)uCaKyR4}LN!ant5MC@#C>nuv#c#oddCchmQ# z6g?D%d=x;aTlByV*E5bh1aFJAG36| zsd0KRc3GmoU2bqM1G@uXs&L{JjZHo_lC)6_cUU|upQze0oP4pN>R1GVCsSgY!9Vb< z`c-a?-aU?i&IEJfLmroK%1yc~Q-WC{mZ`|V+n98hco5xi7*`c%kfKA*G zP4{hDk;d00xfM5ji{t|I#~k=B2`Ap3tkUO>d>;C0(^(6g!640C8{y!i{y>9A$DWk+ z^Y41Hu1u(``DVZ)(?j#$Y-W7!N4;k954iu%Oa2mQ>gg{`E6Gu8Ey(jiEW~( z8Qdhe3Nf&0UdzOis3jAt#NOZZ7{#a@lxw{{M9?u)IJxB5c1ZJ$r(Su`T`4w3@YI%cIZnen=`9~MF?$M*JJPWaN0v3+iP`sjpoiF>cmVPC#BGAE{^ z1XsJ2kzHk{On^$R=ZBIPew{eB4o4>4bF?>gGgNI3t>jRWpxKtRZe$h2|3)MK3o&*XX1t*m8Swn|BO}kS zmh+E-GbqJ}#~$4X7ZNMnE3YVlG;h}m=@59GQ`u*_Yet|*ao?HIv?jyq8LkqJ*1fmX zTDRQUi&$^KE<1}6;^gaS?HH8uw@KMYcZ*e5gv*~Hk!HiK-b4OLx+fk>Z^!g(Nj$ra zb?{3eo@z%&L{_rtUkFa#Sden&`J0XWxoSGTqfd)12;;kzv*xhkNl$8p_s~Y^ z+U-HK7lv*LBRwdLdGLve#P#^3!^Jdl<|EDm_XAHyJbsp5l4DczGUMf!UkoZ1L0PLv z0S@`rVl%K<$tCi|8DM$ zbCo;8?V9Qf+)tTYTDcEf$T!XI@Y->zZz}hC#W}9@C7^B_ zN{){XFD%^Q7||DWj+O z#;!bO(`ZV!wUYYIvX3I3_lWSZ@z!b0@9JW%+OPbwG+dha5^tucco02;W$(&=k!Uz} zuo+S?dLis`^jX10JK;1QhX_C3G-g~aZ&VYzOca(aX*yUqa@OKc~SO2>+cIMX9Iryq~k3MHC{zDaQM3x(O|Hc zrJ^yACex!CsiMJt^2l_;-qIXYknMiFNuXB1^rU&i zfM&c|X;P|LX8z`eR(#(6*{6C<+S*ZjwrJI9$i@_g9Auce6!IYZi-rBqEV~o!775z) z7q^WiXC-wN8fR|n+lhOdWRjWc>%br$N3_oo^!fhv`9}sVR1T7@P2pr!W*<39oJoXX z()VVMyuayvsMAP{MOr!S%-J48`fDUCt(NNZ&HUC!UYv*aud7gTWh~|TFcqOI#`x61mm<1Dl_aVDUt8L^+of?;*mJW*76%ou!|u zT2FE=v=R7j9MwM(rd_3c_L<6C=QsRsCq$KhoJAbW@3CuEdvgQl@wuz|R}aJUG_`{3 zh{9+6v&zI>lMq(+ifE+UNvRpZQhy6)*#e; z*je}L`Q0U#cizc2s~3KghY=k!;&G9!do9^WqkEdY!CAJuDDC8wQKqHhLG7xI_eVy| zPU?ue@wSH;f3KSQa)bEMBlq?>#TxqPXB;U#t^Q}m<=&cEtmZS<8UbR^%XY3lX)_&~ zab!MbPJYjcBdGCiVXI&7B58BX&<8#}4cWn7JCQ(tXx+P*JF%SG9b?AL3L-i-yY0x6 zNWbPEY5Am$sVMp)S9&9X7~R2XudeK3Z{a@37DG_E+BdG_twrqrmaXyp$N`@7fy*Ka zSx`0b<`vNv&a*mevwNd^mnzhy_m55)WSopZ2 zEg(vzgQL_&TJ~@CIZuDw**NQ*&COfa_vuMSF{MyvfMI$dTjz_SL3{z~8O1T!%eil} z$!6|@&YHJk23r-z8B&M1(^esAtpO?qvoy$2iPt(!x0_XICjF_}rC**Ir;CT)9Fvxi zYI7?T5PpfhN5>vCS*M-kUSWS%x`{Khmj~rNt9jn7N_$Y(l0WGtN3U@vV0Esd;2@7=bU4D$9c-Z%9V(%KsGXbL63F30lryTMT_ zV%9K+laQ&PYiq!u#^*y{8?socy+j7Ni$PzJiN_++*UmN)5OH@Kmz0WK64`v?LDttPa z6C{50rsA%qX>Dmg4gLocx$IjUS?CQ@FP=@7lC=%KBfpU8AU6A>zV*vI6Q{7H=t}-! z*BVb_a7zQOy#}NNIt9kY0nR{0@8{!1jb~>TJ|h}vPedv~QhUAhYxG#piS&@5$wN4L;ksNUWUd?OTm?@~kR$K49?WbzJu)8!vu>XP8dT4nYj`^4G5E9`)hD zuMc|Zs^_SW5##o%uc9~d>8eYu)XR-!8ntZQRCjO73x}=Q7m{mY!})b~8>(L(63oXc z#IMh~W{?%fTOIPbk^iF2e*VMEKPeZ-#jdnMJ=vj@G4D^Q$flb>#HkJq_9OGJK{mHjw8_meI!$AW7W z2Cn(sfLiLAWD}$lfR|Sax_F$sE_ODt?~A=q^31Q%eVBTaP>pCBVWdxLajp#HBDis( zt+&@!y5FxWqq*tvZDk~Tqe$yzv8p#JbH%A~<;7Cf1(m3a7Snm@ry_L{(*{JfcF-SoE8*&NaA>9ZjHK&{&kFT;Joc&LN>47UO2r@7sFSE4>^ zemE*4yxTGerOL(DXVfNty2SFv)Ir5>o9}EZeyVU-W1vJxrpqT#Pr{wMnU%%1^&2BW6*ha_GBfv6 zof%`7g>$_ly?LOa?wCl!PqwDljxkGnh$Fkj>ynz7FsfH|G9>-$LgLb<1Cj^)=V{%( zcuTLs__ZDtFhIwb9Fjpu02p5}%=smZ=7YqeS_Qq)g?fAo`9 zg}xe#7qMxx7wWAh@5^xR+<51>kiq(ckwM)XB|NsK%u6;Moj7=al(Z&K%J(@3+ ztOsRS6t7E(Gu7s@2J$zqkC{+wJ$m@4A z-=7hi4$FTkHj$y*od0FPRUE6K%Vq6~b_omH>mR-Q#p9+h3ut+qP>RQkO0>HkL`8luF%m#n;B`@Z`DO ze3?FW_}bZ1x_rL1AAem(4IAu9Xm?_G>m`__bIyv6bT6Qw&_tAUa^JzWn(!e?L6}{| z%d%;9m-qL+9qMJ+7rbz0>-T#-ay4U?e5-J6%`rS~X?UQbe?LwMxEEP^Zbs{Q@t_Pp z_2k!&WHnViBX%ETEesC)4%etrus*| zQgt8n^=zrA#Kw}=aaSMk%zd8v&9bX6ok57TlK$%O0aFZlw>f2x_x@utN5&% z&$IgObkg3`?y;+*+DBQ;1XB(AMJ^6t_6g;GvD6J7E7{T3cO_^4kM#MTv*)JxZoj_V z`Po#!AT_S@YW!W9h1kr=Uv#H0nNz>gEWM7zt~F{$W3fxNsLmM$wn`9OjfX^Jgci|$ z$)E&k{yMfdo-jr~8XI~x62&NE%RGz{s0jSgyFXjYlW=-YfJa4!@i5aHZew~iyO@i! zU2iXst|@i}&-=Yzomp^vHvYb+eCyGkbRJFWYnR_)d$VaEZ1(Q!4AcyNpq- zLp54jXReNR_v~`qhkdz zTb;S8fwqJ>v{WGd_(=;zoI=uZGu9kOK}S{%Njkoi4K($ooc*iNveu{-O<2lVmH2x; z>(R_g-uuJY{6nRNc;wVd=C3ljRP@My_Ye0!DZ8u|!Jou{9-pye7|oRI0dE$>Mcth}5lPBfH1h z7eqw|+-+zj3dZE;40la-oar_gO1peURLphf;a86s@AD;<1zYMmq?ZRVlsn^V$U8l)U+HP5xXq@d1ti z)O_7kvwhj;+q~B<#;uFt<7ny=oi+>WyeRUa>9+FiuSFR0o6kE=eAqN_Gu^oOu0f4d zffT1??m)x$g0Y`>#Ty>-M`7sQUXV5uJp0RRV%f8rP5h#MD92w-%+LDZ8}BxIBC+OS zLnr55UBZtcfvpV3LoRRBp3=GG6Dj}klSm+W?^JBec4O?TV~yRca9{W4 zF|XmDJquEm7YAN3o1XTYl-72={}G9o z<@LC7GKn&AbFP27v2|~SuIy>$@&|Ji2cv(8v+cY`aPpC=uN9QEN z;Ct0B$&^WFg0~p>V7bF_b6`>y&m~qV&YsaLedOG+mN_-guZO;>6^*4gS3S1x-yH7v zRb=ewg&hV~Z|#q@+qu7RJ;wR1ps@6MPJj687Ax$f^<(+Gqx1Cn-csQ!6#=*AkagKj z-d;n}={;!X#(6}DHO=tUWX4YIjvosYjs5iW1#XQpedJ1Ife`Wd*9NX1UaC4?dOC6I zT2sWh`s+HWldg3tmi6bJIw_0yp{r!7j*q{d<=HuRy{W#0p$6GK!(%d%zp+uV<`lNH zQuK7CXkC%@FkeBCzfpE&{+_Onrxx~AdvhP>ddTnm7&$j^jo<%aw#qA6$JeD6EazO* zk~z+u7}un5BD<#g+o!HGIqR(k zYaFsA*UhDhKBd!4YjV2+{i^%C`znSt_vU9!p*segena(^CHE>WYG5p8RAQPrT85vd ze)T(#xz;QlaE?7kS7nwbsBHbFiyw!&T~i}e?~tB|2^=N(29l>9q?xnS=c}u8J}*b; zX4P?Mb)B0{i%DzmXqOF5V~lqt<0w77JODJfX~w&X<(eRS|G z+pw&3-(!5~Ti@^FQA-u!_p)_IjLh)RI6gGJTl10rEiEx%l~t}a3SI8EbmFBq!>1*` z%;VgQ(9p-$07J^*@kb_Pwo50TFf_yq`*<@tzQ44)qUZ6cy*nIg?_9dB_ip4>_W0({3Xd!dq{R?`$v>$Kh<{nBD`Fx=ZyX*X&3H1w#_9qWC%y8 zJavF$?;&@)XSSjb<-YHM&iPCol$?%d>)BP!y(4H9`qmno5trR?#{Rj*d&WpGvmQ^> zQURAhM|J6tJ6KY#JUOtb{5Zd-PyWv~eye*TDk*j?$9ugB4ymJ6W%Kwy_SEX#JLJj5 z7Q6~QYmLvaq@@JO8fv+Nk0q~LMefSyOz4m^@_WYK9<#X6WL$ti(v_i;Qke4vXK|Z1OfsX);2XorPxa z`!M?6hrA1u+<8x47DkXOgY4H?Yj(KH*C@5|sGBQnvH5Y9b1+-~mRs+*Fl5?sJ>oLO z_T;8>G$IeLZHhjh*L^7}JUO9YNBd-K_JqX~t7sd23yat5{T-jNcK4i(+kzc!&to^`1`}=LbCbdox}uFrlZtZk^L} zn>jCHa(04Vx`CGN!F*3bTx-yK@mR~(Bicd}Z7x@N*>61DX*+*H&Q0rrWvy703P)ar zFk{F|1$M8aX4NzHS;~H;v@iJCJDmksnc1GUjH0IeYXX1|DE&08?3|^%v*Yv@S>fX9 z{&dd5t3R(d7x8AW2nKnSo=IwI$_wZ0@D0o>Yqi_a;g|8_`%hX4n#(*Z1qwo?&mkZ#%M!C&hydp%)Xwkh(TUKmwJb3uW;XWa2=!F#?HSdksB~*tjE*a1NP{4TbDN z&FzvvpZw^@Mn1L_YVI7IL5Bs|XU;Zc zIQtFspytB;$qQS=s_H`arodew)FMHOi>YRN(ULf5F9u5hc)=DXVMve_0;%E-a>C#& zI2joPQrX4P(E(0j0~u!)5Qq$rAf?R?B+L;Yq^ASf#ls!~SA@tw2eJo*^l%59p!k6n z#hL5?+KwPs4gBxo3)EPnzOo0esJV=vMf{17csRj`N4qXVT2T6h%3?UK` zLfSw`TL@_fp#jH`FfP!-K}cr^=>l3L2zdm7bO&>Sq%{Br(|ChvA*2t4^o5Xq@In@| z3;!+$+y)`FZGJNXvv_LwlR@*ZgMwuYr{+-^LzUnEU>C^rqc|Kf0aAez>YTg*ix5aN z^~FWv!R_;JDqunUqdZi!|38|eW8+ViI?yy6;EIxs=Wnz`aJ7Zh06CK`b_(uJZVvF| z3X3$uA_VLFv#dYSg#|=Fq5fYK#Q!ZGELsx60ZHNrC`b}~#V2412ofFz1doC+;3Eqb zq}{*;59oy7!~L-!2?#)eHeAE+!4(GqWL*)#co-*1k_75S z7+g~qgC!#18YTi>6kG_vX24_dVBw26KwmH~wT;CAMo3Z%o=BqBBqE>}zzJv!Sm5Hk zI500B0~iBb2>cEYYDvH>xTY46CkitIW&&Kp^HYTeGZ4@K7)oUp9*m(f{KU4KEF@L7~b6o^G)q@V{mD7u8||5V(i}16B-%;bE!(I1ttoGLQvoRMnEEvpg#pxghd^I^7qUZ9I$TuDb$st@PO}tR#*pCDI{R|sCoem zIN_i2M<@Q&FjIis5!4!P|5K>4UVIPt`CDMUfTar8R)3Adzro#aQ%=nqG+Z>~AmNGX zYN$3GFqZm2wex8BN&)m*^aRx0ERcK++jk&#>YGLLkNNGalpvr5RJbC9fjuf1s|Ep$ zptkfN3>?M*m@ZIyxP<^70P}l7s_y_sjoJZrE!0m}ptB87#YLzc?3SqSZGqM=wj3a^ zd@3qOu)`K%F2JBHwwxibIjAF!KtN>F7Qp;_7I&aqi!g79dT0g&kwF^vBFqQE{hosY zfvf}SSU(8d15;bRuw$gQ7CiuP0Pxd)Ci!1SqYBh|5yOA);paaY4+`kT%yI<)`{T_1 zW~?LaY#{0Z0;z!c(+xPv-#%|ew|_|ZNACa43se1j-v59w@hgCTd^JLL$_xetRD~kg_g(#D?PO=0S0Dv4uSC9U)sAJ6GW8Ko=@15R?7e1N_N>1Xdh! zrcgYkkjVdrN_dc+ME+riKiR<%fr4-(1aJ|*f4~Faf!a7ie_`;>fPawtZx|Ybfz@Og z3d4MK>lhv|*XzYr00Ku-90|mx{4GjPO@)U)Zgg5X~7zVv!UK9p{TEPPh z9$4vRW3hl)D_~eSUwY{rSOUDMm%&INR9ObYVc?Cvv>y)k#LHoXl`uRCSmtH@@Yt2> z#S`IOv~&&v3O;QtgJEH-x(r5u4c0Q4By5D1!AQV!ErSs;EAbKW_!anwu$NgjRuZ*R z55Tl5=8zDXtc~3&Gq?v?WIhKT5K_41?`2B}}6tazrn**8p*G3xdjvnx7g=(J- kJv?B`MQt0o1cDRI?{qvHGKFdq&=?#}5+NX Date: Wed, 22 Apr 2015 16:31:32 -0400 Subject: [PATCH 43/70] updated gitignore --- .gitignore | 2 ++ 1 file changed, 2 insertions(+) diff --git a/.gitignore b/.gitignore index 76ce857..83abb45 100755 --- a/.gitignore +++ b/.gitignore @@ -1,3 +1,5 @@ *.pyc backpropagation/results/ +genetic/results/ +hopfield/results/ From d7b2f6bca8d9c68a358b3fbc3da5efd9f6d1e49d Mon Sep 17 00:00:00 2001 From: davpcunn Date: Wed, 22 Apr 2015 21:36:42 -0400 Subject: [PATCH 44/70] Added a driver --- genetic/driver.py | 46 ++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 46 insertions(+) create mode 100644 genetic/driver.py diff --git a/genetic/driver.py b/genetic/driver.py new file mode 100644 index 0000000..b2bde6c --- /dev/null +++ b/genetic/driver.py @@ -0,0 +1,46 @@ +#driver.py +import os + +def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=False, NG=20, nruns=1, seed=11111): + string = 'python .\genetic_run.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --learn_offspring ' + str(learn)\ + + ' --change_environment ' + str(CE)\ + + ' --num_learning_guesses ' + str(NG)\ + + ' --nruns ' + str(nruns)\ + + ' --seed ' + str(seed) + print "DRIVER: %s" % string; + os.system(string) + +exp = 0; +pm = .033; +N = 30 +print "DRIVER: EVALUATING POPULATION SIZE AND MUTATION PROBABILITY" +run(exp = exp, N = N, pm = 1/N) +# while (N < 150): +# run(exp = exp, N = N, pm = 1/N) +# N+=10 +# exp+=1 +# print "DRIVER: EVALUATING CROSSOVER PROBABLITY" +# pc = .3 +# while (pc < 1): +# run(exp = exp, pc = pc) +# pc +=.1 +# exp+=1 +# print "DRIVER: EVALUATING GENETIC STRING LENGTH" +# l = 20 +# while (l < 150): +# run(exp = exp, l = l) +# l+=10 +# exp+=1 +# print "DRIVER: EVALUATING NUMBER OF GENERATIONS" +# G=30 +# while (G <= 150): +# run(exp = exp, G = G); +# G+=10 +# exp+=1 \ No newline at end of file From b741cbc63e51afb952f54b89645fe2dd984ea43d Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 22 Apr 2015 21:43:12 -0400 Subject: [PATCH 45/70] renamed some files to not mess with latex report --- genetic/{genetic_algorithms.py => geneticAlgorithms.py} | 0 genetic/{genetic_run.py => geneticRun.py} | 0 2 files changed, 0 insertions(+), 0 deletions(-) rename genetic/{genetic_algorithms.py => geneticAlgorithms.py} (100%) rename genetic/{genetic_run.py => geneticRun.py} (100%) diff --git a/genetic/genetic_algorithms.py b/genetic/geneticAlgorithms.py similarity index 100% rename from genetic/genetic_algorithms.py rename to genetic/geneticAlgorithms.py diff --git a/genetic/genetic_run.py b/genetic/geneticRun.py similarity index 100% rename from genetic/genetic_run.py rename to genetic/geneticRun.py From 53a3563c7b927b315998548bc841cc4b12dd3527 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 22 Apr 2015 21:44:22 -0400 Subject: [PATCH 46/70] renamed a bunch of files --- backpropagation/{run_tests.py => runTests.py} | 0 hopfield/{hopnet.py => hopfieldNetwork.py} | 0 hopfield/{test_histo.py => testHisto.py} | 0 3 files changed, 0 insertions(+), 0 deletions(-) rename backpropagation/{run_tests.py => runTests.py} (100%) rename hopfield/{hopnet.py => hopfieldNetwork.py} (100%) rename hopfield/{test_histo.py => testHisto.py} (100%) diff --git a/backpropagation/run_tests.py b/backpropagation/runTests.py similarity index 100% rename from backpropagation/run_tests.py rename to backpropagation/runTests.py diff --git a/hopfield/hopnet.py b/hopfield/hopfieldNetwork.py similarity index 100% rename from hopfield/hopnet.py rename to hopfield/hopfieldNetwork.py diff --git a/hopfield/test_histo.py b/hopfield/testHisto.py similarity index 100% rename from hopfield/test_histo.py rename to hopfield/testHisto.py From 5eaf6b5ded975f50ede5eeb54486d2b24cc38e87 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Wed, 22 Apr 2015 21:46:56 -0400 Subject: [PATCH 47/70] fixed broken import --- genetic/geneticRun.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/genetic/geneticRun.py b/genetic/geneticRun.py index 591aa4e..28c7661 100644 --- a/genetic/geneticRun.py +++ b/genetic/geneticRun.py @@ -18,7 +18,7 @@ import numpy as np import matplotlib.pyplot as plt -from genetic_algorithms import BaseGeneticAlgorithm +from geneticAlgorithms import BaseGeneticAlgorithm import ffs # Function for changing directories safely From 33b3fa00c238c1f86553d12f7e7fc4821e30e305 Mon Sep 17 00:00:00 2001 From: davpcunn Date: Wed, 22 Apr 2015 21:58:46 -0400 Subject: [PATCH 48/70] can now specify random seed --- genetic/driver.py | 61 ++++++++++++++++++++++------------- genetic/genetic_algorithms.py | 2 ++ genetic/genetic_run.py | 2 +- 3 files changed, 41 insertions(+), 24 deletions(-) diff --git a/genetic/driver.py b/genetic/driver.py index b2bde6c..2d643a0 100644 --- a/genetic/driver.py +++ b/genetic/driver.py @@ -1,7 +1,22 @@ #driver.py import os -def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=False, NG=20, nruns=1, seed=11111): +def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, NG=20, nruns=1, seed=123456): + string = 'python .\genetic_run.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --learn_offspring ' + str(learn)\ + + ' --num_learning_guesses ' + str(NG)\ + + ' --nruns ' + str(nruns)\ + + ' --seed ' + str(seed) + print "DRIVER: %s" % string; + os.system(string) + +def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nruns=1, seed=123456): string = 'python .\genetic_run.py'\ + ' -exp ' + str(exp) \ + ' --num_bits '+ str(l) \ @@ -22,25 +37,25 @@ def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=False, NG=20, n N = 30 print "DRIVER: EVALUATING POPULATION SIZE AND MUTATION PROBABILITY" run(exp = exp, N = N, pm = 1/N) -# while (N < 150): -# run(exp = exp, N = N, pm = 1/N) -# N+=10 -# exp+=1 -# print "DRIVER: EVALUATING CROSSOVER PROBABLITY" -# pc = .3 -# while (pc < 1): -# run(exp = exp, pc = pc) -# pc +=.1 -# exp+=1 -# print "DRIVER: EVALUATING GENETIC STRING LENGTH" -# l = 20 -# while (l < 150): -# run(exp = exp, l = l) -# l+=10 -# exp+=1 -# print "DRIVER: EVALUATING NUMBER OF GENERATIONS" -# G=30 -# while (G <= 150): -# run(exp = exp, G = G); -# G+=10 -# exp+=1 \ No newline at end of file +while (N < 150): + run(exp = exp, N = N, pm = 1/N) + N+=10 + exp+=1 +print "DRIVER: EVALUATING CROSSOVER PROBABLITY" +pc = .3 +while (pc < 1): + run(exp = exp, pc = pc) + pc +=.1 + exp+=1 +print "DRIVER: EVALUATING GENETIC STRING LENGTH" +l = 20 +while (l < 150): + run(exp = exp, l = l) + l+=10 + exp+=1 +print "DRIVER: EVALUATING NUMBER OF GENERATIONS" +G=30 +while (G <= 150): + run(exp = exp, G = G); + G+=10 + exp+=1 \ No newline at end of file diff --git a/genetic/genetic_algorithms.py b/genetic/genetic_algorithms.py index 3e6a098..e88a8ef 100644 --- a/genetic/genetic_algorithms.py +++ b/genetic/genetic_algorithms.py @@ -41,6 +41,7 @@ class BaseGeneticAlgorithm(object): ff is the fitness function to use ce is a bool specifying whether to inflict a sudden change of environment on the final population + rs is the seed for the random number generator; if left blank it will default to None. """ @@ -52,6 +53,7 @@ def __init__(self, args, logger): self.G = args.G self.pr_mutation = args.pm self.pr_crossover = args.pc + random.seed(args.rs); #seed the RNG self.population = [] self.current_offspring = [] self.nruns = args.nruns diff --git a/genetic/genetic_run.py b/genetic/genetic_run.py index 591aa4e..79991e1 100644 --- a/genetic/genetic_run.py +++ b/genetic/genetic_run.py @@ -56,7 +56,7 @@ def setup_argparser(): optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") optionalArguments.add_argument('--nruns', dest='nruns', required=False, type=int, default=10, help="Specify the number of runs to do of the algorithm. Default is 10.") - + optionalArguments.add_argument('--seed', dest='rs', required=False, type=int, default=None, help="seed for RNG. Default is none") return parser def setup_logger(log_path, logger_name, logfile_name): From 88be439ec66f0cb20ed8f2c6f35ecff3bdcc8a54 Mon Sep 17 00:00:00 2001 From: davpcunn Date: Thu, 23 Apr 2015 01:04:37 -0400 Subject: [PATCH 49/70] fixed major bug all is well --- genetic/driver.py | 33 +++++++++++++++++---------------- genetic/ffs.py | 4 ++-- genetic/geneticAlgorithms.py | 14 +++++++------- 3 files changed, 26 insertions(+), 25 deletions(-) diff --git a/genetic/driver.py b/genetic/driver.py index 2d643a0..b849c56 100644 --- a/genetic/driver.py +++ b/genetic/driver.py @@ -1,8 +1,19 @@ #driver.py import os -def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, NG=20, nruns=1, seed=123456): - string = 'python .\genetic_run.py'\ +def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, NG=20): + string = 'python .\geneticRun.py'\ + + ' -exp ' + str(exp) \ + + ' --num_bits '+ str(l) \ + + ' --population_size ' + str(N)\ + + ' --num_gens ' + str(G)\ + + ' --pr_mutation ' + str(pm)\ + + ' --pr_crossover ' + str(pc)\ + + ' --num_learning_guesses ' + str(NG) + print "DRIVER: %s" % string + os.system(string) +def learn(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=True, NG=20): + string = 'python .\geneticRun.py'\ + ' -exp ' + str(exp) \ + ' --num_bits '+ str(l) \ + ' --population_size ' + str(N)\ @@ -10,14 +21,11 @@ def run(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, NG=20, nruns=1, se + ' --pr_mutation ' + str(pm)\ + ' --pr_crossover ' + str(pc)\ + ' --learn_offspring ' + str(learn)\ - + ' --num_learning_guesses ' + str(NG)\ - + ' --nruns ' + str(nruns)\ - + ' --seed ' + str(seed) + + ' --num_learning_guesses ' + str(NG) print "DRIVER: %s" % string; os.system(string) - def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nruns=1, seed=123456): - string = 'python .\genetic_run.py'\ + string = 'python .\geneticRun.py'\ + ' -exp ' + str(exp) \ + ' --num_bits '+ str(l) \ + ' --population_size ' + str(N)\ @@ -26,9 +34,7 @@ def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nru + ' --pr_crossover ' + str(pc)\ + ' --learn_offspring ' + str(learn)\ + ' --change_environment ' + str(CE)\ - + ' --num_learning_guesses ' + str(NG)\ - + ' --nruns ' + str(nruns)\ - + ' --seed ' + str(seed) + + ' --num_learning_guesses ' + str(NG) print "DRIVER: %s" % string; os.system(string) @@ -37,6 +43,7 @@ def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nru N = 30 print "DRIVER: EVALUATING POPULATION SIZE AND MUTATION PROBABILITY" run(exp = exp, N = N, pm = 1/N) + while (N < 150): run(exp = exp, N = N, pm = 1/N) N+=10 @@ -47,12 +54,6 @@ def CE(exp=0, l=20, N=30, G=10, pm=.033, pc=.6, learn=False, CE=True, NG=20, nru run(exp = exp, pc = pc) pc +=.1 exp+=1 -print "DRIVER: EVALUATING GENETIC STRING LENGTH" -l = 20 -while (l < 150): - run(exp = exp, l = l) - l+=10 - exp+=1 print "DRIVER: EVALUATING NUMBER OF GENERATIONS" G=30 while (G <= 150): diff --git a/genetic/ffs.py b/genetic/ffs.py index 10b867e..e64eafd 100644 --- a/genetic/ffs.py +++ b/genetic/ffs.py @@ -10,8 +10,8 @@ def fitness_func_1(bit_sum, l): - return (pow((bit_sum / pow(2, l)), 10)) + return (pow(((bit_sum *1.0)/ pow(2.0, l)), 10)) def fitness_func_2(bit_sum, l): - return (pow(((1 - bit_sum) / pow(2, l)), 10)) + return (pow(((1.0 - bit_sum) / pow(2.0, l)), 10)) diff --git a/genetic/geneticAlgorithms.py b/genetic/geneticAlgorithms.py index e88a8ef..d84df60 100644 --- a/genetic/geneticAlgorithms.py +++ b/genetic/geneticAlgorithms.py @@ -99,7 +99,7 @@ def initialize_pop(self): self.population = [] self.current_offspring = [] for i in range(self.N): - tmp_bitstring = ''.join(random.choice('01') for _ in range(self.N)) + tmp_bitstring = ''.join(random.choice('01') for _ in range(self.l)) tmp_bitstring = bs.BitArray(bin=tmp_bitstring) self.population.append(tmp_bitstring) @@ -139,15 +139,15 @@ def fitness(self, g, nrun, ff=ffs.fitness_func_1): for i, bitstring in enumerate(self.population): # Get the integer value of the string bit_sum = bitstring.uint - self.logger.debug("Sum of bitstring at %d of population: %d" % (i, bit_sum)) + self.logger.info("Sum of bitstring at %d of population: %d" % (i, bit_sum)) fitness_val = self.ff(bit_sum, self.l) self.orig_fitness_vals[g][i] = fitness_val self.logger.debug("Fitness Value at index %d in population: %lf" % (i, fitness_val)) total_fitness += fitness_val self.logger.debug("Total fitness from step 1: %lf" % total_fitness) - - self.norm_fitness_vals[g] = self.orig_fitness_vals[g] / total_fitness + if total_fitness > 0: + self.norm_fitness_vals[g] = self.orig_fitness_vals[g] / total_fitness self.logger.debug("Sum of norm fitness vals: %lf" % np.sum(self.norm_fitness_vals[g])) prev_norm_fitness_val = 0 @@ -241,7 +241,7 @@ def select(self, g): def mutate(self, g): for parent in self.parents[g]: - for index_bit in xrange(0, self.N): + for index_bit in xrange(0, self.l): # Determine whether we will perform a mutation on the bit to_mutate = self.pr_mut_dist.rvs(size=1) @@ -258,8 +258,8 @@ def crossover(self, g): # parents exactly into the children if to_crossover: # Create empty children - c1 = bs.BitArray(length=self.N) - c2 = bs.BitArray(length=self.N) + c1 = bs.BitArray(length=self.l) + c2 = bs.BitArray(length=self.l) # Select the bit at which to crossover the parents crossover_bit = random.randint(0, self.l) From b627c9e0b732bd853a8052a2caff0bc4dc19a379 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 23 Apr 2015 11:27:52 -0400 Subject: [PATCH 50/70] modified run program --- genetic/geneticRun.py | 20 ++++++++++---------- 1 file changed, 10 insertions(+), 10 deletions(-) diff --git a/genetic/geneticRun.py b/genetic/geneticRun.py index 28c7661..36feed8 100644 --- a/genetic/geneticRun.py +++ b/genetic/geneticRun.py @@ -89,7 +89,7 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits plt.xlabel('Generations') plt.ylabel('Average Fitness Value') plt.title('Average Fitness Values Over %d Runs with %d Generations' % - (avg_fitness_vals.shape[0], avg_fitness_vals.shape[2])) + (avg_fitness_vals.shape[0], G)) plt.grid() if autoscale: subplt.autoscale_view(True, True, True) @@ -106,7 +106,7 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits plt.xlabel('Generations') plt.ylabel('Best Fitness Value') plt.title('Best Fitness Values Over %d Runs with %d Generations' % - (best_fitness_vals.shape[0], best_fitness_vals.shape[2])) + (best_fitness_vals.shape[0], G)) plt.grid() if autoscale: subplt.autoscale_view(True, True, True) @@ -123,7 +123,7 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits plt.xlabel('Generations') plt.ylabel('Number of Correct Bits') plt.title('Number of Correct Bits Over %d Runs with %d Generations' % - (num_correct_bits.shape[0], num_correct_bits.shape[2])) + (num_correct_bits.shape[0], G)) plt.grid() if autoscale: subplt.autoscale_view(True, True, True) @@ -132,17 +132,17 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits plt.savefig(plot_file_name, bbox_inches='tight') if ce: - x = np.arange(0, G + 100) + x = np.arange(0, G + 30) # Plot average fitness values fig = plt.figure() subplt = plt.subplot(111) for nrun in range(nruns): - plt.plot(x, avg_fitness_vals[nrun][1]) + plt.plot(x, avg_fitness_vals[nrun][1][:(G + 30)]) plt.xlabel('Generations') plt.ylabel('Average Fitness Value') - plt.title('CE Average Fitness Values Over %d Runs with %d Generations' % + plt.title('Average Fitness Values Over %d Runs with %d Max Generations' % (avg_fitness_vals.shape[0], avg_fitness_vals.shape[2])) plt.grid() if autoscale: @@ -156,10 +156,10 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits subplt = plt.subplot(111) for nrun in range(nruns): - plt.plot(x, best_fitness_vals[nrun][1]) + plt.plot(x, best_fitness_vals[nrun][1][:(G + 30)]) plt.xlabel('Generations') plt.ylabel('Best Fitness Value') - plt.title('CE Best Fitness Values Over %d Runs with %d Generations' % + plt.title('Best Fitness Values Over %d Runs with %d Max Generations' % (best_fitness_vals.shape[0], best_fitness_vals.shape[2])) plt.grid() if autoscale: @@ -173,10 +173,10 @@ def plot_results(G, nruns, avg_fitness_vals, best_fitness_vals, num_correct_bits subplt = plt.subplot(111) for nrun in range(nruns): - plt.plot(x, num_correct_bits[nrun][1]) + plt.plot(x, num_correct_bits[nrun][1][:(G + 30)]) plt.xlabel('Generations') plt.ylabel('Number of Correct Bits') - plt.title('CE Number of Correct Bits Over %d Runs with %d Generations' % + plt.title('Number of Correct Bits Over %d Runs with %d Max Generations' % (num_correct_bits.shape[0], num_correct_bits.shape[2])) plt.grid() if autoscale: From a4c9fc135596a895ff48882ef9db01108cf47954 Mon Sep 17 00:00:00 2001 From: Jared Smith Date: Thu, 23 Apr 2015 11:37:49 -0400 Subject: [PATCH 51/70] updated readme and gitignore --- .gitignore | 7 +- README.md | 4 + backpropagation/.old/driver.py | 33 - backpropagation/.old/face_graphs.py | 94 - backpropagation/.old/testing1.txt | 100 - backpropagation/.old/testing2.txt | 100 - backpropagation/.old/training1.txt | 200 - backpropagation/.old/training2.txt | 200 - backpropagation/.old/validation1.txt | 50 - backpropagation/.old/validation2.txt | 50 - backpropagation/__init__.py | 0 backpropagation/analysis.py | 136 - backpropagation/network.py | 354 - backpropagation/runTests.py | 149 - backpropagation/src/__init__.py | 0 backpropagation/src/analysis.py | 137 - backpropagation/src/network.py | 369 - backpropagation/src/run_tests.py | 149 - backpropagation/src/tests.py | 234 - backpropagation/src/utils.py | 106 - backpropagation/tests.py | 234 - backpropagation/utils.py | 106 - genetic/__init__.py | 0 genetic/driver.py | 62 - genetic/ffs.py | 17 - genetic/geneticAlgorithms.py | 414 - genetic/geneticRun.py | 225 - .../data/Experiment-1/avg-fit-vals-exp-1.pdf | Bin 14095 -> 0 bytes .../data/Experiment-1/best-fit-vals-exp-1.pdf | Bin 13306 -> 0 bytes genetic/results/data/Experiment-1/main.log | 61126 ---------------- .../Experiment-1/num-correct-bits-exp-1.pdf | Bin 14428 -> 0 bytes .../data/Experiment-2/avg-fit-vals-exp-2.pdf | Bin 13238 -> 0 bytes .../data/Experiment-2/best-fit-vals-exp-2.pdf | Bin 12996 -> 0 bytes .../Experiment-2/ce-avg-fit-vals-exp-2.pdf | Bin 15323 -> 0 bytes .../Experiment-2/ce-best-fit-vals-exp-2.pdf | Bin 14399 -> 0 bytes .../ce-num-correct-bits-exp-2.pdf | Bin 14889 -> 0 bytes genetic/results/data/Experiment-2/main.log | 2362 - .../Experiment-2/num-correct-bits-exp-2.pdf | Bin 14009 -> 0 bytes .../data/Experiment-3/avg-fit-vals-exp-3.pdf | Bin 12811 -> 0 bytes .../data/Experiment-3/best-fit-vals-exp-3.pdf | Bin 12988 -> 0 bytes .../Experiment-3/ce-avg-fit-vals-exp-3.pdf | Bin 14207 -> 0 bytes .../Experiment-3/ce-best-fit-vals-exp-3.pdf | Bin 13992 -> 0 bytes .../ce-num-correct-bits-exp-3.pdf | Bin 14861 -> 0 bytes genetic/results/data/Experiment-3/main.log | 3170 - .../Experiment-3/num-correct-bits-exp-3.pdf | Bin 13508 -> 0 bytes hopfield/hopfieldNetwork.py | 416 - hopfield/testHisto.py | 57 - 47 files changed, 8 insertions(+), 70653 deletions(-) delete mode 100644 backpropagation/.old/driver.py delete mode 100644 backpropagation/.old/face_graphs.py delete mode 100644 backpropagation/.old/testing1.txt delete mode 100644 backpropagation/.old/testing2.txt delete mode 100644 backpropagation/.old/training1.txt delete mode 100644 backpropagation/.old/training2.txt delete mode 100644 backpropagation/.old/validation1.txt delete mode 100644 backpropagation/.old/validation2.txt delete mode 100644 backpropagation/__init__.py delete mode 100644 backpropagation/analysis.py delete mode 100644 backpropagation/network.py delete mode 100644 backpropagation/runTests.py delete mode 100644 backpropagation/src/__init__.py delete mode 100644 backpropagation/src/analysis.py delete mode 100644 backpropagation/src/network.py delete mode 100644 backpropagation/src/run_tests.py delete mode 100644 backpropagation/src/tests.py delete mode 100644 backpropagation/src/utils.py delete mode 100644 backpropagation/tests.py delete mode 100644 backpropagation/utils.py delete mode 100644 genetic/__init__.py delete mode 100644 genetic/driver.py delete mode 100644 genetic/ffs.py delete mode 100644 genetic/geneticAlgorithms.py delete mode 100644 genetic/geneticRun.py delete mode 100644 genetic/results/data/Experiment-1/avg-fit-vals-exp-1.pdf delete mode 100644 genetic/results/data/Experiment-1/best-fit-vals-exp-1.pdf delete mode 100644 genetic/results/data/Experiment-1/main.log delete mode 100644 genetic/results/data/Experiment-1/num-correct-bits-exp-1.pdf delete mode 100644 genetic/results/data/Experiment-2/avg-fit-vals-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-2/best-fit-vals-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-2/ce-avg-fit-vals-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-2/ce-best-fit-vals-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-2/ce-num-correct-bits-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-2/main.log delete mode 100644 genetic/results/data/Experiment-2/num-correct-bits-exp-2.pdf delete mode 100644 genetic/results/data/Experiment-3/avg-fit-vals-exp-3.pdf delete mode 100644 genetic/results/data/Experiment-3/best-fit-vals-exp-3.pdf delete mode 100644 genetic/results/data/Experiment-3/ce-avg-fit-vals-exp-3.pdf delete mode 100644 genetic/results/data/Experiment-3/ce-best-fit-vals-exp-3.pdf delete mode 100644 genetic/results/data/Experiment-3/ce-num-correct-bits-exp-3.pdf delete mode 100644 genetic/results/data/Experiment-3/main.log delete mode 100644 genetic/results/data/Experiment-3/num-correct-bits-exp-3.pdf delete mode 100755 hopfield/hopfieldNetwork.py delete mode 100755 hopfield/testHisto.py diff --git a/.gitignore b/.gitignore index 83abb45..bb00fe2 100755 --- a/.gitignore +++ b/.gitignore @@ -1,5 +1,6 @@ *.pyc -backpropagation/results/ -genetic/results/ -hopfield/results/ +neuralnetworks/backpropagation/results/ +genetics/basic/results/ +neuralnetworks/hopfield/results/ +selforganization/pso/results diff --git a/README.md b/README.md index c910534..ee5b9e0 100755 --- a/README.md +++ b/README.md @@ -31,3 +31,7 @@ Below you will find several categories of applications in this project. - crossover and mutation of genes - learning ability for offspring of each generation +#####Self-Organization and Autonomous Agents +- Particle Swarm Optimization + - Features: + diff --git a/backpropagation/.old/driver.py b/backpropagation/.old/driver.py deleted file mode 100644 index bee6777..0000000 --- a/backpropagation/.old/driver.py +++ /dev/null @@ -1,33 +0,0 @@ -# run multiple.py -import os - - -def recursive_run(hidden_layers, learning_rate, exp, tests): - if len(hidden_layers) == 11: - return 0 - hlstr = "" - for i in hidden_layers: - hlstr += str(i) + " " - for test in tests: - if test == 'f': - os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training1.txt --ftest testing1.txt --fvalid validation1.txt') - exp += 1 - os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate) + ' --ftrain training2.txt --ftest testing2.txt --fvalid validation2.txt') - exp += 1 - else: - os.system("python run_tests.py -exp " +str(exp) + " -ttype " + test + " -hidden_layers " + hlstr + " --learning_rate " + str(learning_rate)) - learning_rate += .1 - - if learning_rate == 1: - learning_rate = .1 - if hidden_layers[len(hidden_layers)-1] == 100: - for i in hidden_layers: - i = 1 - hidden_layers.append(0) - hidden_layers[len(hidden_layers)-1] += 1 - if recursive_run(hidden_layers, learning_rate, exp, tests) == 0: - return 0 - else: - return 1 - -recursive_run([1], .1,0, ['x', 'i', 'd', 'f']) diff --git a/backpropagation/.old/face_graphs.py b/backpropagation/.old/face_graphs.py deleted file mode 100644 index 2f4c085..0000000 --- a/backpropagation/.old/face_graphs.py +++ /dev/null @@ -1,94 +0,0 @@ -from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs -from sklearn.decomposition import RandomizedPCA -from sklearn.cross_validation import train_test_split as sklearn_train_test_split -import numpy as np -import matplotlib.pyplot as plt - - -def plot_learning_rates_versus_epochs(num_image, autoscale, learning_rates, plot_file_path=None): - x1 = np.arange(len(learning_rates)) - y1 = learning_rates - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('Learning Rate') - plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plt.show() - - if plot_file_path is None: - plot_file_name = "learning_rates-faces-%s.pdf" % (str(num_image)) - else: - plot_file_name = "%s/learning_rates-faces-%s.pdf" % (plot_file_path, str(num_image)) - - plt.savefig(plot_file_name, bbox_inches='tight') - - -def plot_gallery(num_image, images, titles, h, w, n_row=3, n_col=4, plot_file_path=None): - """Helper function to plot a gallery of portraits""" - plt.figure(figsize=(1.8 * n_col, 2.4 * n_row)) - plt.subplots_adjust(bottom=0, left=.01, right=.99, top=.90, hspace=.35) - for i in range(n_row * n_col): - plt.subplot(n_row, n_col, i + 1) - plt.imshow(images[i].reshape((h, w)), cmap=plt.cm.gray) - plt.title(titles[i], size=12) - plt.xticks(()) - plt.yticks(()) - - if plot_file_path is None: - plot_file_name = "gallery-image-%s.pdf" % (num_image) - else: - plot_file_name = "%s/gallery-image-%s.pdf" % (plot_file_path, num_image) - - plt.savefig(plot_file_name, bbox_inches='tight') - -def title(y_pred, y_test, target_names, i): - pred_name = target_names[y_pred[i]].rsplit(' ', 1)[-1] - true_name = target_names[y_test[i]].rsplit(' ', 1)[-1] - return 'predicted: %s\ntrue: %s' % (pred_name, true_name) - - -lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) - -# introspect the images arrays to find the shapes (for plotting) -n_samples, h, w = lfw_people.images.shape - -# for machine learning we use the 2 data directly (as relative pixel -# positions info is ignored by this model) -X = lfw_people.data -n_features = X.shape[1] - -# the label to predict is the id of the person -y = lfw_people.target -# y = self.translate_to_binary_array(y) - -target_names = lfw_people.target_names -n_classes = target_names.shape[0] - -# split into a training and testing set -X_train, X_test, y_train, y_test = sklearn_train_test_split( - X, y, test_size=0.25) - -y_pred = None -y_test = None -with np.load('target-predicted-info-file-npz-exp-1.npz') as data: - y_pred = data['arr_1'] - y_test = data['arr_0'] - -learning_rates = None -with np.load('learning-rates-info-file-npz-exp-1.npz') as data: - learning_rates = data['arr_0'] - -plot_learning_rates_versus_epochs(1, False, learning_rates) - - -prediction_titles = [title(y_pred, y_test, target_names, i) - for i in range(y_pred.shape[0])] - -plot_gallery(1, X_test, prediction_titles, h, w) diff --git a/backpropagation/.old/testing1.txt b/backpropagation/.old/testing1.txt deleted file mode 100644 index 0a8ee2d..0000000 --- a/backpropagation/.old/testing1.txt +++ /dev/null @@ -1,100 +0,0 @@ --0.894011 1.105065 0.581007 --1.439937 -1.574976 0.802565 --0.345833 -0.373237 0.284707 --0.209296 1.142366 0.535801 --1.800757 -0.076113 0.347155 --1.720433 0.716976 0.408574 -0.926664 -1.108691 0.415612 --1.888890 1.897929 0.585711 --1.466422 -1.498806 0.762339 -1.159332 1.648505 0.087558 -1.873561 -1.245506 0.462891 --0.293485 -0.685443 0.394517 -0.689814 0.968724 0.521697 -0.238872 -1.240571 0.432393 -0.388073 -1.041329 0.481430 --0.785712 -0.761762 0.327482 --1.154504 -1.835098 0.969156 -0.829942 -1.723989 0.062355 --1.810994 -1.190410 0.543101 --1.276121 1.968922 0.953162 -1.099121 1.842483 0.021091 --1.420573 -0.451002 0.200194 -0.484757 -1.761188 0.179003 -0.016850 0.477684 0.509679 --1.308691 -1.134243 0.592590 --0.710343 0.080045 0.054413 --1.395020 0.925541 0.452529 --1.188388 -0.244517 0.056578 --1.083827 -0.055511 0.006211 --0.478072 0.668368 0.330206 --0.223811 -0.232511 0.339175 -0.784943 0.346916 0.903415 --0.891745 -1.168328 0.628784 -0.400291 0.848522 0.569315 --1.548245 1.539832 0.744308 -1.461891 -1.170512 0.401003 -1.710265 -0.565532 0.638619 --1.876460 0.246080 0.410693 --1.187173 1.162253 0.620648 -0.311704 -1.315819 0.388073 -1.779503 0.460370 0.627257 --0.910216 -0.754686 0.313929 -1.949063 0.353569 0.533958 -1.047154 -1.246141 0.311980 --1.377071 -0.794386 0.368336 -1.064461 -1.332495 0.251849 -1.586038 -1.622230 0.249054 -1.033156 -1.498690 0.147654 --1.764242 -0.685863 0.414285 -1.382848 1.625841 0.156900 --0.801693 1.405344 0.782971 --1.218746 -1.504872 0.835424 -0.711118 -1.555809 0.155626 --0.527347 1.491345 0.756939 -1.082711 -1.885725 0.012180 --1.767399 1.178736 0.549500 -0.211979 0.764774 0.559021 --0.374174 -0.202070 0.236604 -1.285752 0.033688 0.949841 --1.892069 -0.583464 0.448656 --0.385709 0.614842 0.338050 --0.418979 1.396097 0.678235 -0.793065 0.107214 0.967113 -0.358678 1.579868 0.289035 -0.678150 0.662579 0.721154 --1.796763 0.895180 0.474279 -0.395828 -0.892840 0.548792 --1.033810 0.732985 0.296669 --1.962138 0.018737 0.470292 --1.576329 0.126668 0.197363 --1.564678 1.740958 0.790083 -1.852317 -0.678020 0.555692 -1.764440 -1.884955 0.322128 --1.879247 0.473723 0.430645 -1.968412 -0.848127 0.505860 -1.930345 -0.644890 0.528901 -1.071014 1.750938 0.040652 --1.023543 -1.282872 0.714781 --1.320171 -1.245010 0.664471 -0.416889 -0.821338 0.584343 --0.429515 -0.386016 0.243353 -1.338923 -0.533699 0.788079 --1.496542 -0.769259 0.373963 -1.775207 -0.648505 0.590690 -0.626824 -0.680093 0.700611 --1.858980 -0.749748 0.457920 --1.449604 -1.678734 0.832986 -0.066931 -0.702277 0.523654 -0.316452 -0.022448 0.738283 --1.415290 -1.605559 0.823477 --1.020365 -0.035074 0.001014 --0.884481 -0.696151 0.274086 -0.573382 -0.192693 0.874056 --1.853709 -0.417486 0.409735 --1.807077 -1.790662 0.641219 --0.608573 -1.649642 0.848122 -1.945042 -1.099247 0.493306 -0.249594 0.967685 0.509694 --0.728726 -0.715864 0.303475 --0.952055 -0.131154 0.011961 diff --git a/backpropagation/.old/testing2.txt b/backpropagation/.old/testing2.txt deleted file mode 100644 index 9d2bc7d..0000000 --- a/backpropagation/.old/testing2.txt +++ /dev/null @@ -1,100 +0,0 @@ -0.368665 -1.973397 -1.165540 0.393618 -1.084376 1.366979 -0.535144 0.295940 --0.163830 1.300969 -0.067870 0.133557 --1.795341 -0.268578 0.280955 0.382016 --0.114046 -1.131826 1.239461 0.188672 --0.944945 -1.559992 -1.378464 0.399852 -0.008773 -1.788264 0.468387 0.258657 --1.413550 -0.192703 -1.109531 0.304432 -0.441451 0.980665 -1.119144 0.168722 -0.234062 -0.731869 -1.499174 0.177189 --0.679303 1.636796 -1.472570 0.384433 -0.155157 0.721172 1.894409 0.249830 -1.620013 -1.442658 1.195378 0.545355 --0.447857 -1.237999 -1.073200 0.207487 -1.833097 0.647955 -0.205026 0.422442 -1.072558 1.703010 0.234983 0.359018 -1.694095 -0.288217 0.446719 0.349052 -0.162482 0.298233 -1.745984 0.185761 -1.052951 -1.260316 1.234682 0.338060 -1.933806 0.973746 -1.497187 0.633751 --1.565367 -1.705557 -1.860391 0.706175 --1.037938 0.449600 0.860781 0.182601 --1.143528 0.069612 1.418123 0.267280 --1.948150 1.621755 -1.819877 0.831307 --1.021350 1.454852 0.828078 0.322740 -0.773624 0.527410 0.531088 0.106726 --0.991393 0.221505 -1.757128 0.295306 -1.455326 -1.616014 0.541105 0.462158 -1.709342 1.436937 1.280789 0.590606 -0.944024 1.370743 0.254535 0.251100 -1.446836 1.805376 0.548978 0.509648 -1.586445 -1.232562 -1.001422 0.465120 -0.447226 -0.376090 1.068190 0.099787 --0.134652 -0.324240 0.689944 0.037642 -0.045472 0.654409 0.144796 0.034391 --1.126450 -0.571967 -1.327794 0.273289 -1.404639 0.436640 0.893711 0.288401 -1.647511 -0.108034 1.277697 0.408268 -0.188616 -0.398691 0.714634 0.045796 --0.530595 -1.454668 0.085377 0.195679 -1.723940 1.992169 -0.109247 0.648895 -0.272918 1.578614 0.658192 0.225282 -1.271495 0.025840 -1.717898 0.356854 -0.339685 1.891188 -0.042139 0.288539 --0.970371 -0.063340 -1.387730 0.220061 -1.174425 0.810210 0.040304 0.209736 -1.846631 0.214849 -1.523056 0.530846 -0.740342 -0.137640 0.368911 0.072552 -0.018039 -1.949025 1.970219 0.516193 --1.267327 -0.479620 -1.484448 0.330146 -0.818050 -0.755681 -1.492280 0.249618 --1.291197 1.517237 -1.913666 0.580721 -1.366995 0.788732 0.112174 0.264196 -1.649096 -0.871583 0.003362 0.372227 --0.393042 0.158046 1.940022 0.236882 -0.219228 -0.667529 0.750232 0.072294 --1.740468 -0.820898 -1.034919 0.463155 --1.263524 1.919444 0.827441 0.507115 -1.105387 -0.062517 0.878416 0.185803 -1.075606 0.670155 -1.601204 0.315953 -1.591158 -0.511794 -0.356885 0.319626 --1.901122 0.197009 -0.839648 0.460690 --1.814787 -0.435996 1.949084 0.613805 -0.297387 -0.786900 -0.922499 0.106933 --1.699252 0.820058 1.235547 0.472970 --1.759230 -0.960714 -1.431983 0.546403 -0.991002 -0.701182 -0.252881 0.154827 -1.956083 0.035294 -0.333437 0.448002 -0.783524 -0.859319 1.604046 0.276078 --0.338060 -1.783713 0.274201 0.262265 -0.060736 1.807445 1.762407 0.430919 -1.703851 1.906324 -0.040584 0.614613 --1.135796 -1.908463 1.523419 0.562914 --1.186712 0.388923 -1.263480 0.266229 --0.109211 0.689671 1.556578 0.177749 --0.873664 0.930442 -1.404136 0.268412 --0.305647 -0.078556 -0.105318 0.011894 -1.441473 -0.122473 1.929976 0.455798 --0.891964 -1.338948 -0.929343 0.279534 --1.287918 0.322992 -0.713055 0.228751 -0.986283 -1.616272 -0.905610 0.360505 -0.748689 -1.912421 -0.999286 0.403622 --1.291895 -1.048217 -0.907749 0.324635 --1.768475 -0.234929 1.481174 0.491681 --1.031955 1.655860 0.170845 0.335474 --1.475378 -1.217804 -0.898713 0.411840 --0.879514 0.476549 1.022731 0.167069 -1.015168 -0.081978 -1.099742 0.189203 -0.945144 1.026058 -0.438690 0.195160 --1.984199 1.738139 1.884301 0.891511 --0.697254 0.724422 -1.731971 0.269525 -0.397136 -0.526888 -1.644391 0.195554 -1.397851 0.181217 -0.692608 0.255661 --1.509899 0.412741 1.072464 0.342514 -1.971275 1.380786 0.728324 0.625638 -0.142120 1.905408 1.510520 0.413241 -1.243406 -0.974106 -0.012931 0.251392 -0.266137 -1.958938 1.905091 0.512747 -1.166395 0.986206 0.931149 0.281815 --1.272296 1.002007 0.669288 0.289852 diff --git a/backpropagation/.old/training1.txt b/backpropagation/.old/training1.txt deleted file mode 100644 index 2276e00..0000000 --- a/backpropagation/.old/training1.txt +++ /dev/null @@ -1,200 +0,0 @@ --1.703369 -0.762666 0.418181 -0.227541 -1.902611 0.327113 -0.979284 1.152748 0.381244 --0.256226 1.903823 0.693619 -1.819377 -1.168538 0.463377 -1.501609 1.501653 0.249986 --0.760456 -0.836796 0.382088 --1.056793 1.793893 0.972139 -0.555520 -1.136111 0.418736 --0.567966 0.326900 0.160981 --1.633415 0.623531 0.348214 --1.678810 -1.148927 0.556027 -1.722125 1.830357 0.296081 --1.661324 -0.425869 0.301038 -0.188628 -0.606491 0.584602 -1.002019 -1.104883 0.417999 -0.219282 0.134661 0.665075 --1.754065 1.077868 0.522985 --1.595569 -0.366611 0.251151 --0.095564 1.065423 0.507671 -0.889688 1.432008 0.190850 --0.887727 1.753198 0.955715 -1.432248 1.475323 0.235728 --1.095031 1.813999 0.973486 -0.281514 0.002626 0.713963 --1.510479 -0.995354 0.497462 -0.199181 1.223927 0.446977 --0.927955 1.469862 0.834274 -1.738802 1.874293 0.304437 -1.269448 -0.221270 0.928620 --0.873006 -1.331582 0.743873 --0.391929 -0.219309 0.228224 -0.940221 -0.787061 0.663418 --1.897273 0.117908 0.421040 -0.839365 -1.600578 0.108043 -0.969511 -1.111057 0.413318 -1.994774 1.088124 0.499433 -1.154698 -1.839831 0.029969 --0.607509 1.898971 0.902820 --0.736327 1.168419 0.619683 --1.799723 -1.704587 0.638356 -0.568890 -0.096515 0.885200 --1.309300 -1.156294 0.607460 -0.287834 -1.053567 0.481642 -1.698967 1.785798 0.285050 -1.112726 0.755309 0.684552 -1.531131 0.750082 0.628484 -1.173463 -0.095219 0.976178 -0.285658 1.297272 0.402358 --0.727854 -1.439055 0.789510 -0.037363 -1.238778 0.489256 -1.470999 1.330112 0.316977 -0.685325 -1.979188 0.060083 -1.112590 0.308646 0.935479 --0.342237 0.007613 0.243987 --1.397642 -0.879661 0.423786 --1.564104 -1.348530 0.664602 -1.357557 1.824933 0.092712 -0.439388 0.110591 0.813550 --0.579812 1.382737 0.723417 -1.569408 -0.579900 0.691870 -0.014041 -1.108902 0.498123 -0.362159 1.576424 0.288108 -1.553982 0.689014 0.651274 --0.307761 -1.653223 0.698773 -1.616294 -1.050864 0.477378 --1.704343 -0.614968 0.372660 -1.725103 -1.257411 0.417676 --0.940671 1.181976 0.640373 --0.309173 -1.397835 0.636540 -0.883270 -1.828427 0.026128 --1.163065 0.185614 0.036726 -0.120711 -1.452227 0.438546 -1.425300 -1.898245 0.112490 -1.038534 -0.206006 0.973181 --1.340618 -0.589712 0.241589 -1.400568 -0.294055 0.861884 -0.793225 -0.568953 0.796884 -0.010816 0.490376 0.506096 -1.338997 -1.818797 0.086561 --1.950086 1.064473 0.503959 -0.180932 1.901408 0.361480 --0.796952 0.022119 0.025504 -1.801587 -0.552582 0.599102 --0.910859 -1.514048 0.857732 -0.723472 -0.854666 0.602649 --0.693062 -1.454097 0.789869 --0.724563 1.339128 0.730532 --0.013476 -0.650056 0.494471 --0.120413 -1.311059 0.544128 -0.374816 -1.261145 0.389268 -1.041617 0.919787 0.562699 --0.105967 -1.877165 0.581305 --0.705778 1.924422 0.944395 --1.203834 -0.986437 0.489889 -0.092105 1.737035 0.433976 --1.201668 -0.956027 0.467208 --0.789497 0.319410 0.085371 -1.053722 -1.694067 0.058210 -1.387317 0.185520 0.892985 -1.902115 -1.439664 0.451219 -1.481386 1.601953 0.205075 -0.962066 -0.504014 0.850694 --1.535136 0.790208 0.392072 -1.415080 1.586374 0.183542 -0.851249 -0.321521 0.925686 -1.432752 0.476811 0.784797 --1.439842 1.687315 0.839783 --0.973308 0.741036 0.302347 -0.843171 0.128353 0.975083 --0.651411 0.030469 0.073591 --1.407137 -0.488145 0.211083 -0.756923 -1.526079 0.158747 --0.956181 -1.061216 0.547890 -1.255136 -1.646136 0.108928 -0.480016 1.205114 0.391618 --0.558070 0.637866 0.293001 --0.552182 1.198024 0.616706 -1.773115 -1.775283 0.336308 -0.404345 1.067887 0.468427 -1.221096 -1.583524 0.126921 --1.401818 -0.990661 0.494078 --0.422779 1.766263 0.787636 --1.947755 -1.189919 0.512047 --0.682522 -1.934783 0.936802 -0.169084 0.545232 0.585980 --1.300830 1.987163 0.945117 --0.293933 -0.565019 0.359378 -0.400279 -0.791904 0.594422 --0.164473 1.612441 0.604795 -1.399129 0.833537 0.604674 -0.993199 1.431718 0.186345 --1.900876 -0.991061 0.498911 --0.321030 -0.938816 0.476817 --1.802400 0.378662 0.373512 -1.070094 -1.452254 0.175907 --0.852298 -0.753084 0.315964 --0.136824 0.952984 0.492132 --0.223326 -0.646737 0.409472 --0.085112 1.188790 0.519476 --0.879010 0.587919 0.203913 --1.256432 -0.418882 0.136047 --0.624514 -0.319758 0.135799 --0.226334 1.359212 0.593074 -0.981927 1.556812 0.116500 --1.744594 0.626906 0.392007 --1.925884 1.774608 0.554478 -1.879989 -0.362217 0.578938 --0.879157 1.414457 0.797559 -1.569793 -0.670655 0.654675 --0.368817 0.450336 0.291944 -0.526109 1.193904 0.389713 -0.852754 -1.430610 0.195340 --1.811662 0.343056 0.374884 -0.585106 -0.675017 0.694229 -1.360536 -0.419611 0.833555 --1.316288 -0.345495 0.123605 -1.253804 -0.465505 0.842995 --1.223120 0.655338 0.257997 -1.653219 0.225130 0.743059 --0.281652 1.856313 0.708633 -0.371397 0.382422 0.727210 --1.394436 -0.764823 0.353022 --1.480027 -0.576485 0.275027 -1.793594 -1.991378 0.340728 -0.624027 1.369158 0.272445 --1.918633 -1.947130 0.563513 --0.686686 1.306675 0.704160 --1.816956 -1.916445 0.640571 -0.467231 1.736774 0.193327 -0.080764 -0.544878 0.541471 --1.855368 1.826519 0.608465 --0.597595 -1.567918 0.813995 -1.229567 -1.047945 0.464800 -1.399785 -1.254351 0.342613 --1.105013 1.369677 0.770575 -1.970577 1.451043 0.484968 --1.299327 -1.235643 0.661248 -0.965263 -1.052599 0.458798 -1.885191 1.414632 0.445631 -1.030249 -0.504603 0.850592 -0.031620 -0.359971 0.520960 -1.415414 1.042434 0.473540 -0.034385 0.272001 0.524566 -0.076871 -0.328214 0.552399 -0.127979 0.566773 0.562818 --0.451755 0.537350 0.283548 --0.978619 1.238022 0.682513 -1.801192 0.203285 0.645854 -0.664558 0.088476 0.928015 --0.735303 -0.881275 0.415192 --0.680041 1.150345 0.602519 --0.798260 0.565759 0.200481 --0.484397 -1.399857 0.702595 -0.781521 0.677014 0.728764 --1.206911 -1.195007 0.642880 -0.174333 0.353237 0.614930 -1.006620 1.374618 0.222480 --1.396735 1.175810 0.610704 -1.147311 -0.159632 0.971454 diff --git a/backpropagation/.old/training2.txt b/backpropagation/.old/training2.txt deleted file mode 100644 index f97f7fe..0000000 --- a/backpropagation/.old/training2.txt +++ /dev/null @@ -1,200 +0,0 @@ --1.525921 1.356134 1.617901 0.561150 --0.692101 0.533831 1.538976 0.213832 -1.047019 1.055351 -0.158266 0.213610 -0.957779 -0.277486 0.716446 0.141383 -0.404400 0.629897 0.431533 0.060134 -1.333057 -1.955025 0.755746 0.532004 -0.025582 -1.967304 1.270728 0.390948 -1.435424 -1.909411 -0.949487 0.570204 -0.058465 1.553375 0.722078 0.216088 --1.894157 -0.921768 -1.789341 0.664054 -0.266558 -0.447689 1.566794 0.165241 --0.115542 0.860210 0.100625 0.059045 --0.576566 -0.092771 -0.844025 0.080118 -1.265168 -1.134991 0.878489 0.328307 --0.018386 1.269409 -0.491614 0.137936 --1.586853 0.602466 -0.446639 0.329980 -1.168893 -1.371952 -0.413943 0.312325 -0.439620 -1.936528 -0.323355 0.316805 -1.490133 0.121936 -0.769979 0.291559 -0.212211 0.227780 0.308252 0.014669 -0.422870 -1.505663 1.860563 0.394732 --0.010336 0.378796 0.720773 0.041022 --1.909712 1.802230 -1.371997 0.779255 --0.753736 1.067398 -0.506989 0.168023 --1.875247 -0.950987 -1.237580 0.563685 --0.366861 -0.537841 1.364886 0.145257 -1.186499 -1.368948 1.992934 0.535733 --1.227444 1.070673 -1.943595 0.479957 -0.449201 0.560806 0.178342 0.049310 -1.679221 -1.226983 -1.593878 0.587731 --0.012526 1.195887 -1.099541 0.179779 --0.151963 -0.814449 1.279255 0.148103 --1.431190 -0.724161 1.081485 0.344160 --0.803188 0.522103 0.148883 0.096683 -0.689823 0.646856 1.197896 0.169879 -1.452244 -1.720005 -1.339944 0.574502 -0.817129 1.466494 -0.708892 0.271465 -0.810063 -1.760951 -1.638219 0.469082 -0.866468 0.688250 0.922587 0.172170 --0.955190 0.367472 1.695604 0.281532 --0.549068 -1.645055 0.891491 0.288807 -0.351391 0.202982 -1.922958 0.230749 --0.369354 0.771791 -0.647119 0.085721 --1.287869 1.968603 1.874984 0.692306 -0.861015 0.658427 0.521840 0.134599 -0.058911 0.110670 0.801835 0.038435 -0.718966 -1.072200 0.268328 0.152229 --1.989926 1.737863 0.507378 0.704073 --1.628145 0.604331 -0.804372 0.371289 -1.294442 1.649142 1.563099 0.543500 -0.990046 -0.899926 1.918044 0.387640 --0.118464 1.451465 0.121026 0.164522 --0.041422 -0.917888 -1.107183 0.135729 -1.311459 -0.205757 -1.138579 0.276499 -1.186442 -1.344743 1.519848 0.434789 --0.291717 0.714168 -0.369482 0.056929 --1.489883 -0.566866 0.558318 0.298827 -0.778446 -0.556792 0.296181 0.098829 --0.714176 -0.184937 -1.099488 0.131225 -0.481451 -0.890495 -1.450346 0.209100 -0.044551 -1.900449 -0.350272 0.285131 --0.037405 -0.018912 -0.898807 0.046796 --1.916378 1.939665 0.183305 0.715097 --1.023561 1.251124 1.977547 0.466911 --0.162140 0.437566 -1.367195 0.125601 --0.642292 -1.854151 1.346973 0.416726 -0.988226 -1.344033 -1.219893 0.337494 --0.453456 1.434412 0.223315 0.184875 -1.842725 -1.279764 -1.961622 0.739786 --1.256763 1.201688 -0.852116 0.335216 --0.707109 -0.753762 -0.752565 0.134071 -0.942619 1.208834 1.228523 0.302002 --1.956188 1.292455 1.168188 0.648765 -0.227117 -1.731106 0.419312 0.246613 -0.204664 0.106754 -1.143121 0.081098 -0.837469 1.464462 -0.997272 0.303276 -0.184441 0.452688 -0.341306 0.026409 -0.964548 1.999232 -0.906893 0.462254 --0.812137 1.841957 -0.186657 0.339099 --0.773758 -1.414805 -0.984970 0.279027 -0.374126 -0.121914 0.261269 0.021232 -1.621561 -1.179295 -0.529898 0.426579 -0.850084 -1.135483 -1.237442 0.270903 -0.018272 1.091634 -0.968548 0.145825 --1.562416 -0.703702 1.138206 0.394504 --0.705537 -1.866233 0.602668 0.346301 -0.297191 0.318208 -0.944644 0.069462 -1.955885 -0.717244 -0.945411 0.532540 --0.951008 0.470620 -1.103454 0.191640 -0.862334 1.696862 -0.518259 0.322786 -1.877365 0.070987 1.359826 0.513741 -0.138633 -0.307452 -1.819469 0.200477 -1.608736 -1.457368 -0.954952 0.514609 --1.628707 0.560904 -1.863318 0.530585 --0.597255 0.998488 -0.567020 0.136399 --1.459048 -1.707049 -0.433253 0.480618 -1.143620 0.590142 1.884955 0.382681 --1.801024 0.546026 -0.832289 0.437170 --0.746435 1.595018 1.638331 0.414841 -0.150111 0.457352 1.335192 0.121540 -1.631851 0.334717 -0.593821 0.336224 -0.991677 -1.526650 1.098728 0.362400 -1.172209 -1.917914 1.641360 0.596927 --1.782743 -1.546621 0.202264 0.553075 --1.646061 -0.143875 -0.799248 0.351083 --0.213081 0.397076 -0.506297 0.032156 -1.353665 -0.459304 -1.916155 0.439485 -1.238620 -0.260328 0.629872 0.205122 --1.593669 0.993237 0.224890 0.371856 --1.955339 -0.856652 -1.317758 0.597788 -1.379854 -1.224801 1.016959 0.394753 --1.213967 1.766876 1.490309 0.538322 -1.884761 0.939085 1.572395 0.620360 -1.526121 1.156342 -1.974226 0.596452 --0.271615 1.510280 -0.118101 0.184775 -0.929137 -0.702801 -1.721025 0.308486 --1.577159 -1.349136 -0.180328 0.428900 --1.493314 1.889484 1.559344 0.672215 -1.136557 -1.704185 0.552581 0.390069 --0.638553 -1.659524 1.695929 0.424829 -0.043689 1.720330 -1.528872 0.362730 --0.939353 -1.493637 -1.761996 0.452538 --1.449044 -1.608876 1.177089 0.521325 --1.876649 1.917245 0.333430 0.695533 --1.850875 -0.354371 -0.156289 0.406347 -0.031024 -1.425233 1.140910 0.231461 -0.309999 -1.002393 1.791774 0.273599 --1.870329 -0.495707 1.681258 0.585607 -1.689015 -1.359149 1.977073 0.696774 -0.241596 0.002297 -1.682451 0.170042 --0.062475 -1.954014 -1.962122 0.516267 -0.408653 -0.893367 -1.455759 0.202925 -0.646656 -0.342410 -1.064635 0.122660 --0.176255 -0.219059 -1.147391 0.083228 --1.842825 -0.069934 0.498239 0.406544 -0.000886 1.961090 1.073005 0.362260 --0.858204 0.271089 -1.929387 0.305397 --1.066430 0.400760 -0.425094 0.154004 --1.385172 0.089775 0.215757 0.224694 --1.408099 -1.668628 -1.781946 0.626149 --1.090551 0.268897 -1.735960 0.316648 --1.052672 -1.322451 -0.629327 0.285238 --0.508431 1.324206 1.028263 0.225713 -0.426933 -0.852049 -1.190796 0.158684 -1.279543 -0.694874 0.739270 0.257583 --0.222219 1.306012 0.700359 0.165201 --1.149213 -1.552191 -1.028551 0.398752 --1.078601 -0.618621 1.372209 0.272306 -0.496305 -0.003793 -0.538016 0.045122 --1.287938 0.588108 -0.206644 0.220467 --1.069884 1.497558 -1.937747 0.521216 --0.805844 -1.555115 -1.260198 0.352579 -0.564829 -0.063546 -1.935992 0.253357 --0.406907 -1.636612 -0.788041 0.260971 -0.402296 1.642930 0.517085 0.241732 --0.858434 -0.579289 -0.176903 0.112647 -1.841925 0.271498 0.270906 0.401368 --1.186626 1.192897 1.652285 0.429435 --1.814417 -0.310797 -0.351508 0.394417 --0.352433 0.401265 -1.763399 0.206116 -1.440923 1.331381 1.734159 0.549419 -1.503176 -1.474463 -1.820956 0.619251 --1.757021 1.090366 0.115498 0.448430 --1.693013 -1.316541 0.478886 0.477286 --0.481054 1.085755 0.121816 0.118240 --1.963970 -1.772679 1.542527 0.824054 --0.140873 -1.930753 -0.185975 0.291040 --1.869967 -1.117379 -0.993078 0.556412 -1.782318 -0.931797 0.696125 0.461283 --0.569190 0.715771 -0.902611 0.123794 --0.332589 0.156694 -1.571230 0.157081 --0.598431 -0.340129 -1.045694 0.113306 --0.419387 -0.097151 -1.955327 0.241596 -1.696112 0.209836 -1.271869 0.428651 -0.174998 1.728782 1.813887 0.423251 --1.703187 1.764812 -1.958792 0.795652 -1.839340 -0.376060 -1.889546 0.607228 --0.346635 -0.246027 -1.006925 0.077014 -0.660287 -0.463709 0.061278 0.067062 --0.643588 0.967101 -1.222951 0.206023 -0.453801 -1.365488 0.933743 0.217490 -0.882571 0.036082 -1.406386 0.204088 -1.836878 1.616695 0.496463 0.604596 -1.881551 1.312807 -1.293700 0.637620 --1.390318 -0.512195 -1.564919 0.384504 --1.576432 -0.215382 -1.800106 0.477260 --1.535224 -0.376042 -0.176166 0.284619 --1.424770 1.277324 1.577807 0.503355 --0.431695 -0.062389 -0.885902 0.067081 -1.629584 1.294023 -1.918801 0.647628 --1.593367 -0.252175 -1.284288 0.392990 -1.340376 -1.369604 0.751793 0.384202 -1.933990 -1.532726 0.368489 0.620120 -0.430453 -1.651175 -0.318704 0.236961 -1.136752 -1.041493 1.169101 0.311393 -1.571834 -0.617925 -1.046282 0.377604 -1.771728 -0.153149 0.577677 0.383251 --0.404439 0.422082 -0.145000 0.033791 --0.826632 1.990387 1.792612 0.568978 -0.287466 1.619971 1.086635 0.279526 diff --git a/backpropagation/.old/validation1.txt b/backpropagation/.old/validation1.txt deleted file mode 100644 index 75257b5..0000000 --- a/backpropagation/.old/validation1.txt +++ /dev/null @@ -1,50 +0,0 @@ -0.003277 0.848481 0.500607 --1.427406 1.964000 0.890860 --1.391789 0.537382 0.228752 --0.125430 0.683673 0.453343 --1.507577 0.876596 0.432709 --1.569817 -1.731977 0.785425 --0.381805 -1.786936 0.766554 -1.127473 0.462658 0.866206 --0.065526 1.733933 0.546951 -0.719028 -1.218122 0.348117 -1.898024 0.785155 0.526406 -1.041945 1.357749 0.234160 -1.489717 1.965961 0.141295 --0.255205 -0.159470 0.310978 --0.417612 0.332953 0.235798 --0.370680 0.763136 0.400042 -0.026609 -1.618669 0.482745 -1.324651 1.508803 0.187194 -1.590378 -0.556722 0.692398 --0.859758 -1.837694 0.972145 --1.441049 -1.939670 0.883005 -0.826141 1.102275 0.422983 --0.942669 0.591992 0.202254 --0.174097 -1.663213 0.616578 --0.721853 -0.080824 0.050615 -1.606988 1.548495 0.280356 -0.203851 -0.424896 0.623611 --0.986222 -1.100245 0.578388 -0.286364 -1.509866 0.343910 -1.292883 -0.369624 0.874598 --0.918720 0.189327 0.025839 --0.345168 -0.984532 0.493732 --0.413866 0.072799 0.199344 --0.516604 1.898701 0.858072 -1.221189 -0.823151 0.628925 -1.291934 -1.216164 0.350675 -0.125816 0.987687 0.501899 --0.658971 -1.998535 0.929958 --1.934955 0.287829 0.454126 --1.767661 -0.419288 0.358870 --1.438061 0.661992 0.304436 --1.048132 -1.683175 0.938094 --1.555927 -0.097041 0.182553 -0.528270 1.386355 0.289613 --1.050745 0.607544 0.211839 --0.710586 -0.100522 0.056373 --0.821931 -1.974705 0.980188 -0.641828 -0.633677 0.730154 --0.994657 -0.568632 0.186552 -1.858991 -0.336293 0.594873 diff --git a/backpropagation/.old/validation2.txt b/backpropagation/.old/validation2.txt deleted file mode 100644 index 8e50e5c..0000000 --- a/backpropagation/.old/validation2.txt +++ /dev/null @@ -1,50 +0,0 @@ --1.387994 -1.695247 -0.606290 0.464565 --1.119965 0.701889 0.866822 0.225974 --0.764356 0.099740 -0.951961 0.120460 -0.543036 0.589841 1.460780 0.183896 --0.384500 0.561116 0.841566 0.082137 --1.656176 -1.296764 0.746974 0.478035 -1.854343 1.946642 1.772868 0.869584 --0.158587 0.212779 1.813929 0.196212 --0.253496 -0.620826 0.800135 0.073998 --1.322347 0.106878 -0.197858 0.204899 -1.346941 0.718884 0.106895 0.249749 --1.259348 1.598919 -1.191216 0.461517 -1.607474 -1.165437 0.908524 0.450251 --1.344488 1.377599 -0.501635 0.369075 --1.883708 -1.006901 -1.940519 0.704661 -0.957858 -0.663077 -1.237284 0.228005 --0.295168 -0.808734 -1.290642 0.156466 --0.522300 1.032679 0.922137 0.162567 --0.708371 -1.220817 -1.698689 0.339018 --1.908236 -0.543164 0.408189 0.452464 --0.106094 -1.196223 -0.872928 0.155333 --1.999199 -0.455571 -1.274009 0.570774 --1.190415 -0.848097 -0.439446 0.229980 -1.718109 -0.192585 -1.061846 0.408506 --0.783526 -0.076292 -0.068747 0.071556 --0.724045 -1.118434 1.268176 0.249497 -0.038671 0.586398 -1.540557 0.163546 -0.748030 -1.935902 1.492122 0.481297 --0.329833 -0.644273 -1.728695 0.216890 --0.028523 -0.552509 -0.271859 0.027840 --1.620334 1.341397 0.531918 0.457675 --0.493262 1.342198 -1.923653 0.380137 -0.232729 -1.848217 -0.771750 0.303373 -1.793284 1.869892 1.035665 0.701904 --1.268562 -0.913634 -1.040627 0.312368 -0.662691 0.362321 -0.159061 0.062230 --0.069132 -1.599007 -1.572663 0.339919 -0.390310 1.149022 -1.508566 0.250430 --0.117568 -1.180811 -0.152839 0.110198 -0.153737 0.790666 1.294652 0.147515 -1.881878 1.170332 0.636049 0.537330 -0.413795 -1.322930 -0.021753 0.154411 -0.490142 0.909799 0.130030 0.092367 -1.718392 0.703083 -0.000078 0.378741 -0.754057 1.434521 1.086288 0.291982 -1.713430 0.097212 -0.551391 0.357018 --0.445631 -1.971920 -0.150398 0.323332 --0.018295 0.418390 -1.001375 0.071355 -0.473139 -1.699178 -0.182186 0.249838 --1.679700 0.454559 -1.391520 0.453151 diff --git a/backpropagation/__init__.py b/backpropagation/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/backpropagation/analysis.py b/backpropagation/analysis.py deleted file mode 100644 index 47a9f63..0000000 --- a/backpropagation/analysis.py +++ /dev/null @@ -1,136 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import sklearn as sk - -from utils import * - -def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): - - """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. - cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. - """ - - x = np.arange(len(cost_list)) - y = cost_list - color_metric = cost_test_list - - fig = plt.figure() - ax = fig.add_subplot(111) - cmhot = plt.cm.get_cmap("hot") - l = ax.scatter(x, y, c=color_metric, cmap=cmhot) - fig.colorbar(l) - plt.show() - - # Save the figure - plt.savefig(plot_file_name, bbox_inches='tight') - -def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): - - x1 = np.arange(len(cost_list)) - y1 = cost_list - - x2 = np.arange(len(cost_test_list)) - y2 = cost_test_list - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('Cost Function') - plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True, True, True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x2, y2) - plt.xlabel('Epochs') - plt.ylabel('Cost Function') - plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): - - x1 = np.arange(len(rmse)) - y1 = rmse - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('RMSE') - plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): - x1 = np.arange(len(learning_rates)) - y1 = learning_rates - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('Learning Rate') - plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): - - x1 = target_test - y1 = Y_pred - - fig = plt.figure() - plt.scatter(x1, y1, alpha=0.5) - plt.xlabel('Target Values') - plt.ylabel('Predicted Values') - plt.title('Accuracy of Network') - plt.grid() - fig.tight_layout() - - plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def facial_recognition_graphs(): - - prediction_titles = [title(y_pred, y_test, target_names, i) - for i in range(y_pred.shape[0])] - - plot_gallery(X_test, prediction_titles, h, w) - - # plot the gallery of the most significative eigenfaces - - eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] - plot_gallery(eigenfaces, eigenface_titles, h, w) - - plt.show() diff --git a/backpropagation/network.py b/backpropagation/network.py deleted file mode 100644 index 9a6e390..0000000 --- a/backpropagation/network.py +++ /dev/null @@ -1,354 +0,0 @@ -#!./usr/bin/python -# -*- coding: utf-8 -*-# - -import numpy as np -np.set_printoptions(precision=4, suppress=True) -import math as math -from matplotlib.pyplot import plot -from sklearn.datasets import load_iris, load_digits - -from utils import * - -class BackPropagationNetwork(object): - """ - - Initialize as: - nn = BackPropagationNetwork(n_features, n_classes, hidden_layers, reg_term) - - --> reg_term (i.e. lambda) is the regularization term - nn input and output units determined by training data - - Set nn.hidden_layers to list of integers to create hidden layer architecture - nn.hidden_layers does not include the bias unit for each layer - nn.hidden_layers is list containing number of units in each hidden layer - [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units - Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] - - nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations - For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes - For multi-class prediction, Y will have shape n_observations by n_classes - - nn.predict(X) returns vector of probability of class being true or false - For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class - - Test a simple XOR problem with nn.XOR_test() - nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture - """ - - def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): - self.logger = logger - self.test_type = test_type - self.n_features = n_features - self.n_classes = n_classes - self.hidden_layers = hidden_layers - self.reg_term = reg_term - self.epochs = 2 - self.learning_rate = 0.5 - self.learning_reward = 1.05 - self.learning_penalty = 0.5 - self.momentum_rate = 0.1 - self.Theta_L = [] - - self.initialize_theta() - - def initialize_theta(self): - """ - initialize_theta creates architecture of neural network - Defines self.Theta_L - - Parameters: - hidden_unit_length_list - List of hidden layer units - input_unit_count - integer, number of input units (features) - output_class_count - integer, number of output classes - """ - - unit_count_list = [len(self.n_features[0])] - unit_count_list += self.hidden_layers - unit_count_list.append(len(self.n_classes[0])) - self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] - - def print_theta(self): - - T = len(self.Theta_L) - - self.logger.info('\n') - self.logger.info('NN ARCHITECTURE') - self.logger.info('%s Layers (%s Hidden)' % ((T + 1), (T-1))) - self.logger.info('%s Thetas' % T) - self.logger.info('%s Input Features' % (self.Theta_L[0].shape[1]-1)) - self.logger.info('%s Output Classes' % self.Theta_L[T-1].shape[0]) - self.logger.info('\n') - - self.logger.info('Units per layer') - for t, theta in enumerate(self.Theta_L): - if t == 0: - self.logger.info(' - Input: %s Units' % (theta.shape[1] - 1)) - if t < T-1: - self.logger.info(' - Hidden %s: %s Units' % ((t+1), theta.shape[0])) - else: - self.logger.info(' - Output: %s Units' % theta.shape[0]) - - self.logger.info('Theta Shapes') - for l, theta in enumerate(self.Theta_L): - self.logger.info('Theta %s: %s' % (l, theta.shape)) - - self.logger.info('Theta Values') - for l, theta in enumerate(self.Theta_L): - self.logger.info('Theta %s:' % l) - self.logger.info("\n" + str(theta)) - self.logger.info('\n') - - def cost_function(self, Y, Y_pred): - """ - cost_function implements cost function - - y is n_observations by n_classes (n_classes = 1 for n_classes <=2) - pred_y is predicted y values and must be same shape as y - - Returns cost - list of cost values - """ - - if Y.shape != Y_pred.shape: - if Y.shape[0] != Y_pred.shape: - raise ValueError,'Wrong number of predictions' - else: - raise ValueError,'Wrong number of prediction classes' - - n_observations = len(Y) - tiny = 1e-6 - # Cost Function - cost = (-1.0 / n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() - - return cost - - - a_N_predict = [] # List of activations including bias unit for non-output layers - - # Input Layer inputs - a_N_predict.append( X ) - # Loop through each Theta_List theta - # t is Theta for calculating layer t+1 from layer t - for t, theta in enumerate(self.Theta_L): - # Add bias unit - if a_N_predict[t].ndim == 1: - a_N_predict[t].resize(1, a_N_predict[t].shape[0]) - a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) - - # Calculate and Append new z and a arrays to z_N and a_N lists - z = a_N_predict[t].dot(theta.T) - a_N_predict.append(sigmoid(z)) - - return a_N_predict, a_N_predict[T] - - - def back_prop(self, a_N_backprop, Y_train): - """ - a_N - list of layer outputs with dimensions n_observations by n_units - Y_train is n_observations, n_classes - - Returns - Theta_Gradient_L - """ - - T = len(self.Theta_L) - Y_pred = a_N_backprop[T] - n_observations = len(Y_pred) - - # Backprop Error; One list element for each layer - delta_N = [] - - # Get Error for Output Layer - delta = Y_pred - Y_train - if delta.ndim == 1: - delta.resize(1, len(delta)) - delta_N.append( delta ) - - # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) - for t in range(T-1,0,-1): - delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) - delta_N.append( delta ) - # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] - delta_N.reverse() - - # Calculate Gradient from delta and activation - # t is the Theta from layer t to layer t+1 - Theta_Gradient_L = [] - for t in range(T): - Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) - - # Create modified copy of the Theta_L for Regularization - # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized - regTheta = [np.zeros_like(theta) for theta in self.Theta_L] - for t, theta in enumerate(self.Theta_L): - regTheta[t][:,1:] = theta[:,1:] - - # Average Error + regularization penalty - for t in range(T): - Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.reg_term * regTheta[t]) - - return Theta_Gradient_L - - def fit(self, X_train, Y_train, X_test=None, Y_test=None): - """ - fit() calls the predict and back_prop functions for the - given number of cycles, tracks error and error improvement rates - - Parameters: - X_train - np.array of training data with dimension n_observations by n_features - Y_train - np.array of training classes with dimension n_observations by n_classes - epochs - integer of number of times to update Theta_L - learning_rate - momentum_rate - learning_reward - learning_penalty - X_test - np.array of training data with dimension n_observations by n_features - Y_test - np.array of training classes with dimension n_observations by n_classes - Returns - cost_list - list of result of cost function for each epoch - Learning_rates - list of learning rates used for each epoch - Notes - Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize - """ - - # Initial Learning Rate - learning_rates = [] - learning_rates.append( self.learning_rate ) - - # Initial Weight Change Terms - weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] - - # List of results of cost functions - cost_list = [0] * self.epochs - cost_test_list = [0] * self.epochs - rmse = [0] * self.epochs - # Initial Forward Pass - a_N_train, Y_pred = self.predict(X_train) - # Initial Cost - cost_list[0] = self.cost_function(Y_train, Y_pred) - - # Test Error - if Y_test is not None: - a_N_test, Y_pred_test = self.predict(X_test) - cost_test_list[0] = self.cost_function(Y_test, Y_pred_test) - - for i in range(1, self.epochs): - - # Back Prop to get Theta Gradients - Theta_grad = self.back_prop(a_N_train, Y_train) - - # Update Theta with Momentum - for l, theta_g in enumerate(Theta_grad): - weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) - self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] - - # Update Units - a_N_train, Y_pred_new = self.predict(X_train) - - # Check to see if Cost decreased - cost_new = self.cost_function(Y_train, Y_pred_new) - - if cost_new > cost_list[i-1]: - # Reduce learning rate - self.learning_rate = self.learning_rate * self.learning_penalty - # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place - self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] - # Cut prior weight_change as an approximate fix to momentum - weight_change_L = [m * self.learning_penalty for m in weight_change_L] - - a_N_train, Y_pred_new = self.predict(X_train) - cost_new = self.cost_function(Y_train, Y_pred_new) - else: - self.learning_rate = np.min((10, self.learning_rate * self.learning_reward)) - - learning_rates.append(self.learning_rate) - cost_list[i] = cost_new - - if Y_test is not None: - a_N_test, Y_pred_test = self.predict(X_test) - - sum_e = 0 - for j in range(len(Y_test)): - sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) - - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - - rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) - rmse[i] = rmse_epoch - - cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) - - for t, theta in enumerate(self.Theta_L): - self.logger.info('Theta: %s' % t) - for theta_i in np.round(theta, 2): - self.logger.info("%s" % str(theta_i)) - - #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) - #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) - - return cost_list, learning_rates, cost_test_list, rmse - - def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): - - self.epochs = epochs - self.learning_rate = learning_rate - self.momentum_rate = momentum_rate - self.learning_reward = learning_reward - self.learning_penalty = learning_penalty - - # Initialize Theta based on selected architecture - # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) - - # Fit - cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) - - error = 0 - # Predict for test log - plot_vals = [] - a_N, Y_pred = self.predict(data_test) - self.logger.info('###################################Testing Results###################################') - self.logger.info('Given X:') - for x in data_test[:5]: - self.logger.info(x) - for p in zip(target_test[:10], np.round(Y_pred[:10],6)): - plot_vals.append(p) - self.logger.info('Actual Y, Predicted Y:') - for pv in plot_vals: - self.logger.info("%s" % str(pv)) - self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) - sum_e = 0 - for j in range(len(target_test)): - sum_e += pow((target_test[j] - Y_pred[j]), 2) - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) - rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) - self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) - - error = 0 - #Predict for validation results - - if data_val is not None: - plot_vals = [] - va_N, vY_pred = self.predict(data_val) - self.logger.info('###################################Validation Results###############################') - self.logger.info('Given X:') - for x in data_val[:5]: - self.logger.info(x) - for p in zip(target_val[:10], np.round(vY_pred[:10],6)): - plot_vals.append(p) - self.logger.info('Actual Y, Predicted Y:') - for pv in plot_vals: - self.logger.info((pv)) - self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) - sum_e = 0 - for j in range(len(target_val)): - sum_e += pow((target_val[j] - vY_pred[j]), 2) - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) - rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) - self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) - - return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse - diff --git a/backpropagation/runTests.py b/backpropagation/runTests.py deleted file mode 100644 index d97403f..0000000 --- a/backpropagation/runTests.py +++ /dev/null @@ -1,149 +0,0 @@ -# Python standard libraries -import sys -import os -import contextlib -import logging -import tempfile -import argparse -from argparse import RawTextHelpFormatter - -# 3rd-Party libraries -import numpy as np -import sklearn as sk -from sklearn.metrics import confusion_matrix, classification_report -from sklearn.preprocessing import LabelBinarizer -from sklearn.metrics import accuracy_score -import matplotlib.pyplot as plt - -# Project specific libraries -from network import BackPropagationNetwork -from tests import Tests -from analysis import * - - -# Function for changing directories safely -@contextlib.contextmanager -def cd(newPath): - savedPath = os.getcwd() - os.chdir(newPath) - yield - os.chdir(savedPath) - - -def is_valid_ttype_option(ttype): - options = ['x', 'd', 'i', 'f', 'w'] - if ttype in options: - return ttype - else: - print "Option 'ttype' is invalid. Choose from: " - print options - sys.exit(1) - - -# Setup the command line parser -def setup_argparser(): - - parser = argparse.ArgumentParser(description='' + - ' PyNet: Feed-Forward Back-Propagation Network in Python\n' + - ' Written by: Jared Smith and David Cunningham', - version='1.0.0', formatter_class=RawTextHelpFormatter) - - requiredArguments = parser.add_argument_group('required Arguments') - requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") - requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") - requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") - optionalArguments = parser.add_argument_group('optional Arguments') - optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") - optionalArguments.add_argument('--learning_rate', dest='learning_rate', required=False, type=float, default=0.5, help="Learning rate, specifies the step width of the gradient descent. Default is 0.5.") - optionalArguments.add_argument('--momentum_rate', dest='momentum_rate', required=False, type=float, default=0.1, help="Momentum rate, specifies the amount of the old weight change (relative to 1) which is added to the current change. Default is 0.1.") - optionalArguments.add_argument('--learning_reward', dest='learning_reward', required=False, type=float, default=1.05, help="Magnitude to scale the learning rate by if cost/error decreases from the previous epoch. Default is 1.05.") - optionalArguments.add_argument('--learning_penalty', dest='learning_penalty', required=False, type=float, default=0.5, help="Magnitude to scale the learning rate by if the cost/error increases from the previous epoch. Default is 0.5.") - optionalArguments.add_argument('--regularization_term', dest='reg_term', required=False, type=float, default=1e-5, help="Regularization term (i.e. lamdba in the equations). Default is 1e-5.") - optionalArguments.add_argument('--ftrain', dest='ftrain', required=False, type=str, default=None, help="Training data file for function approximation test. Default is None.") - optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") - optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") - optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") - optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") - return parser - - -def setup_logger(log_path, logger_name, logfile_name): - - logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') - rootLogger = logging.getLogger(logger_name) - rootLogger.setLevel(logging.DEBUG) - - fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) - fileHandler.setFormatter(logFormatter) - rootLogger.addHandler(fileHandler) - - consoleHandler = logging.StreamHandler() - consoleHandler.setFormatter(logFormatter) - rootLogger.addHandler(consoleHandler) - - return rootLogger - - -if __name__=="__main__": - - graph_list = [] - - parser = setup_argparser() - args = parser.parse_args() - experiment_number = args.experiment_number - - # Setup directories for storing results - if not os.path.exists('results'): - os.makedirs('results') - - with cd('results'): - if not os.path.exists('data'): - os.makedirs('data') - with cd('data'): - if not os.path.exists('Experiment-' + str(experiment_number)): - os.makedirs('Experiment-' + str(experiment_number)) - - logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") - logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) - logger.info("Program Arguments:") - args_dict = vars(args) - for key, value in args_dict.iteritems() : - logger.info("%s=%s" % (str(key), str(value))) - - test_suite = Tests(logger, args) - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() - - Y_pred_copy = np.copy(Y_pred) - accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) - - if args.test_type != 'f': - logger.info('###################################Accuracy Results###############################') - logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) - logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) - else: - logger.info('###################################Accuracy Results###############################') - - target_test_1d = target_test.ravel() - Y_pred_1d = Y_pred.ravel() - distance = 0 - - for i in range(len(target_test_1d)): - distance += abs(Y_pred_1d[i] - target_test_1d[i]) - - avg_distance = distance / len(target_test_1d) - logger.info("Accuracy Score: %s" % (str(avg_distance))) - logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") - logger.info("NOTE: Computed using the following code:") - logger.info("for i in range(len(target_test_1d)):") - logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") - logger.info("\tavg_distance = distance / len(target_test_1d)") - - save_path = 'results/data/Experiment-%s' % (experiment_number) - save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) - - # Plotting - if args.plot: - plot_file_path = 'results/data/Experiment-%s' % (experiment_number) - plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) - plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) - plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/backpropagation/src/__init__.py b/backpropagation/src/__init__.py deleted file mode 100644 index e69de29..0000000 diff --git a/backpropagation/src/analysis.py b/backpropagation/src/analysis.py deleted file mode 100644 index 758e7d7..0000000 --- a/backpropagation/src/analysis.py +++ /dev/null @@ -1,137 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import sklearn as sk - -from utils import * - -def plot_cost_versus_epochs_colormap(plot_file_name, target_test, Y_pred, cost_list, cost_test_list, learning_rates): - - """ cost_test_list --> target testing error list for each epoch, where cost_test_list[i] is the testing error for epoch i. - cost_list --> training error list for each epoch, where cost_list[i] is the training error for epoch i. - """ - - x = np.arange(len(cost_list)) - y = cost_list - color_metric = cost_test_list - - fig = plt.figure() - ax = fig.add_subplot(111) - - cmhot = plt.cm.get_cmap("hot") - l = ax.scatter(x, y, c=color_metric, cmap=cmhot) - fig.colorbar(l) - plt.show() - - # Save the figure - plt.savefig(plot_file_name, bbox_inches='tight') - -def plot_cost_versus_epochs(autoscale, plot_file_path, experiment_number, cost_list, cost_test_list): - - x1 = np.arange(len(cost_list)) - y1 = cost_list - - x2 = np.arange(len(cost_test_list)) - y2 = cost_test_list - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('Cost Function') - plt.title('Cost Function Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True, True, True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-cost-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x2, y2) - plt.xlabel('Epochs') - plt.ylabel('Cost Function') - plt.title('Cost Function Per Testing Epoch Over %s Epochs' % str(len(x2))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-testing-cost-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_rmse_versus_epochs(autoscale, plot_file_path, experiment_number, rmse): - - x1 = np.arange(len(rmse)) - y1 = rmse - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('RMSE') - plt.title('RMSE Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-rmse-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_learning_rates_versus_epochs(autoscale, plot_file_path, experiment_number, learning_rates): - x1 = np.arange(len(learning_rates)) - y1 = learning_rates - - fig = plt.figure() - subplt = plt.subplot(111) - plt.plot(x1, y1) - plt.xlabel('Epochs') - plt.ylabel('Learning Rate') - plt.title('Learning Rate Per Epoch Over %s Epochs' % str(len(x1))) - plt.grid() - if autoscale: - subplt.autoscale_view(True,True,True) - fig.tight_layout() - - plot_file_name = "%s/epoch-vs-lr-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def plot_accuracy(plot_file_path, experiment_number, target_test, Y_pred): - - x1 = target_test - y1 = Y_pred - - fig = plt.figure() - plt.scatter(x1, y1, alpha=0.5) - plt.xlabel('Target Values') - plt.ylabel('Predicted Values') - plt.title('Accuracy of Network') - plt.grid() - fig.tight_layout() - - plot_file_name = "%s/accuracy-exp-%s.pdf" % (plot_file_path, experiment_number) - plt.savefig(plot_file_name, bbox_inches='tight') - - return plot_file_name - -def facial_recognition_graphs(): - - prediction_titles = [title(y_pred, y_test, target_names, i) - for i in range(y_pred.shape[0])] - - plot_gallery(X_test, prediction_titles, h, w) - - # plot the gallery of the most significative eigenfaces - - eigenface_titles = ["eigenface %d" % i for i in range(eigenfaces.shape[0])] - plot_gallery(eigenfaces, eigenface_titles, h, w) - - plt.show() \ No newline at end of file diff --git a/backpropagation/src/network.py b/backpropagation/src/network.py deleted file mode 100644 index a0d276f..0000000 --- a/backpropagation/src/network.py +++ /dev/null @@ -1,369 +0,0 @@ -#!./usr/bin/python -# -*- coding: utf-8 -*-# - -import numpy as np -np.set_printoptions(precision=4, suppress=True) -import math as math -from matplotlib.pyplot import plot -from sklearn.datasets import load_iris, load_digits - -from utils import * - -class BackPropagationNetwork(object): - """ - - Initialize as: - nn = BackPropagationNetwork(n_features, n_classes, hidden_layers, reg_term) - - --> reg_term (i.e. lambda) is the regularization term - nn input and output units determined by training data - - Set nn.hidden_layers to list of integers to create hidden layer architecture - nn.hidden_layers does not include the bias unit for each layer - nn.hidden_layers is list containing number of units in each hidden layer - [4, 4, 2] will create 3 hidden layers of 4 units, 4 units, and 2 units - Entire architecture will be 5 layers with units [n_features, 4, 4, 2, n_classes] - - nn.fit(X, Y, epochs) where X is training data np.array of features, Y is training data of np.array of output classes , epochs is integer specifying the number of training iterations - For multi-class prediction, each observation in Y should be implemented as a vector with length = number of classes where each position represents a class with 1 for the True class and 0 for all other classes - For multi-class prediction, Y will have shape n_observations by n_classes - - nn.predict(X) returns vector of probability of class being true or false - For multi-class prediction, returns a vector for each observation will return a vector where each position in the vector is the probability of a class - - Test a simple XOR problem with nn.XOR_test() - nn.XOR_test() accepts an optional list of integers to determine the hidden layer architecture - """ - - def __init__(self, logger, n_features, n_classes, hidden_layers, reg_term, test_type=None): - self.logger = logger - self.test_type = test_type - self.n_features = n_features - self.n_classes = n_classes - self.hidden_layers = hidden_layers - self.reg_term = reg_term - self.epochs = 2 - self.learning_rate = 0.5 - self.learning_reward = 1.05 - self.learning_penalty = 0.5 - self.momentum_rate = 0.1 - self.Theta_L = [] - - self.initialize_theta() - - def initialize_theta(self): - """ - initialize_theta creates architecture of neural network - Defines self.Theta_L - - Parameters: - hidden_unit_length_list - List of hidden layer units - input_unit_count - integer, number of input units (features) - output_class_count - integer, number of output classes - """ - - unit_count_list = [len(self.n_features[0])] - unit_count_list += self.hidden_layers - unit_count_list.append(len(self.n_classes[0])) - self.Theta_L = [ 2 * (np.random.rand(unit_count, unit_count_list[l-1]+1) - 0.5) for l, unit_count in enumerate(unit_count_list) if l > 0] - - def print_theta(self): - - T = len(self.Theta_L) - - self.logger.info('\n') - self.logger.info('NN ARCHITECTURE') - self.logger.info('%s Layers (%s Hidden)' % ((T + 1), (T-1))) - self.logger.info('%s Thetas' % T) - self.logger.info('%s Input Features' % (self.Theta_L[0].shape[1]-1)) - self.logger.info('%s Output Classes' % self.Theta_L[T-1].shape[0]) - self.logger.info('\n') - - self.logger.info('Units per layer') - for t, theta in enumerate(self.Theta_L): - if t == 0: - self.logger.info(' - Input: %s Units' % (theta.shape[1] - 1)) - if t < T-1: - self.logger.info(' - Hidden %s: %s Units' % ((t+1), theta.shape[0])) - else: - self.logger.info(' - Output: %s Units' % theta.shape[0]) - - self.logger.info('Theta Shapes') - for l, theta in enumerate(self.Theta_L): - self.logger.info('Theta %s: %s' % (l, theta.shape)) - - self.logger.info('Theta Values') - for l, theta in enumerate(self.Theta_L): - self.logger.info('Theta %s:' % l) - self.logger.info("\n" + str(theta)) - self.logger.info('\n') - - def cost_function(self, Y, Y_pred): - """ - cost_function implements cost function - - y is n_observations by n_classes (n_classes = 1 for n_classes <=2) - pred_y is predicted y values and must be same shape as y - - Returns cost - list of cost values - """ - - if Y.shape != Y_pred.shape: - if Y.shape[0] != Y_pred.shape: - raise ValueError,'Wrong number of predictions' - else: - raise ValueError,'Wrong number of prediction classes' - - n_observations = len(Y) - tiny = 1e-6 - # Cost Function - cost = (-1.0 / n_observations)*(Y * np.log(Y_pred + tiny) + ((1-Y) * np.log(1-Y_pred + tiny))).sum() - - return cost - - - def predict(self, X): - """ - predict calculates activations for all layers, returns prediction for Y - - Parameters - X is array of input features dimensions n_observations by n_features - - Returns - a_N is outputs of all units - a_N[L] is array of predicted Y values dimensions n_observations by n_classes - """ - - m = len(X) - T = len(self.Theta_L) - - a_N_predict = [] # List of activations including bias unit for non-output layers - - # Input Layer inputs - a_N_predict.append( X ) - # Loop through each Theta_List theta - # t is Theta for calculating layer t+1 from layer t - for t, theta in enumerate(self.Theta_L): - # Add bias unit - if a_N_predict[t].ndim == 1: - a_N_predict[t].resize(1, a_N_predict[t].shape[0]) - a_N_predict[t] = np.append(np.ones((a_N_predict[t].shape[0],1)), a_N_predict[t], 1) - - # Calculate and Append new z and a arrays to z_N and a_N lists - z = a_N_predict[t].dot(theta.T) - a_N_predict.append(sigmoid(z)) - - return a_N_predict, a_N_predict[T] - - - def back_prop(self, a_N_backprop, Y_train): - """ - a_N - list of layer outputs with dimensions n_observations by n_units - Y_train is n_observations, n_classes - - Returns - Theta_Gradient_L - """ - - T = len(self.Theta_L) - Y_pred = a_N_backprop[T] - n_observations = len(Y_pred) - - # Backprop Error; One list element for each layer - delta_N = [] - - # Get Error for Output Layer - delta = Y_pred - Y_train - if delta.ndim == 1: - delta.resize(1, len(delta)) - delta_N.append( delta ) - - # Get Error for Hidden Layers working backwards (stop before layer 0; no error in input layer) - for t in range(T-1,0,-1): - delta = delta.dot(self.Theta_L[t][:,1:]) * ( a_N_backprop[t][:,1:] * (1 - a_N_backprop[t][:,1:]) ) - delta_N.append( delta ) - # Reverse the list so that delta_N[t] is delta that Theta[t] causes on a_N[t+1] - delta_N.reverse() - - # Calculate Gradient from delta and activation - # t is the Theta from layer t to layer t+1 - Theta_Gradient_L = [] - for t in range(T): - Theta_Gradient_L.append( delta_N[t].T.dot(a_N_backprop[t]) ) - - # Create modified copy of the Theta_L for Regularization - # Coefficient for theta values from bias unit set to 0 so that bias unit is not regularized - regTheta = [np.zeros_like(theta) for theta in self.Theta_L] - for t, theta in enumerate(self.Theta_L): - regTheta[t][:,1:] = theta[:,1:] - - # Average Error + regularization penalty - for t in range(T): - Theta_Gradient_L[t] = Theta_Gradient_L[t] * (1.0/n_observations) + (self.reg_term * regTheta[t]) - - return Theta_Gradient_L - - def fit(self, X_train, Y_train, X_test=None, Y_test=None): - """ - fit() calls the predict and back_prop functions for the - given number of cycles, tracks error and error improvement rates - - Parameters: - X_train - np.array of training data with dimension n_observations by n_features - Y_train - np.array of training classes with dimension n_observations by n_classes - epochs - integer of number of times to update Theta_L - learning_rate - momentum_rate - learning_reward - learning_penalty - X_test - np.array of training data with dimension n_observations by n_features - Y_test - np.array of training classes with dimension n_observations by n_classes - Returns - cost_list - list of result of cost function for each epoch - Learning_rates - list of learning rates used for each epoch - Notes - Training and Test data are assumed to be in random order; mini-batch processing does not need to re-randomize - """ - - # Initial Learning Rate - learning_rates = [] - learning_rates.append( self.learning_rate ) - - # Initial Weight Change Terms - weight_change_L = [np.zeros_like(theta) for theta in self.Theta_L] - - # List of results of cost functions - cost_list = [0] * self.epochs - cost_test_list = [0] * self.epochs - rmse = [0] * self.epochs - # Initial Forward Pass - a_N_train, Y_pred = self.predict(X_train) - # Initial Cost - cost_list[0] = self.cost_function(Y_train, Y_pred) - - # Test Error - if Y_test is not None: - a_N_test, Y_pred_test = self.predict(X_test) - cost_test_list[0] = self.cost_function(Y_test, Y_pred_test) - - for i in range(1, self.epochs): - - # Back Prop to get Theta Gradients - Theta_grad = self.back_prop(a_N_train, Y_train) - - # Update Theta with Momentum - for l, theta_g in enumerate(Theta_grad): - weight_change_L[l] = self.learning_rate * theta_g + (weight_change_L[l] * self.momentum_rate) - self.Theta_L[l] = self.Theta_L[l] - weight_change_L[l] - - # Update Units - a_N_train, Y_pred_new = self.predict(X_train) - - # Check to see if Cost decreased - cost_new = self.cost_function(Y_train, Y_pred_new) - - if cost_new > cost_list[i-1]: - # Reduce learning rate - self.learning_rate = self.learning_rate * self.learning_penalty - # Reverse part of adjustment (add back new learning_rate * Theta_grad); Leave momentum in place - self.Theta_L = [t + (self.learning_rate * tg) for t, tg in zip(self.Theta_L, Theta_grad)] - # Cut prior weight_change as an approximate fix to momentum - weight_change_L = [m * self.learning_penalty for m in weight_change_L] - - a_N_train, Y_pred_new = self.predict(X_train) - cost_new = self.cost_function(Y_train, Y_pred_new) - else: - self.learning_rate = np.min((10, self.learning_rate * self.learning_reward)) - - learning_rates.append(self.learning_rate) - cost_list[i] = cost_new - - if Y_test is not None: - a_N_test, Y_pred_test = self.predict(X_test) - - sum_e = 0 - for j in range(len(Y_test)): - sum_e += pow((Y_test[j] - Y_pred_test[j]), 2) - - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - - rmse_epoch = math.sqrt((1.0 / (2.0 * len(Y_test))) * sum_e) - rmse[i] = rmse_epoch - - cost_test_list[i] = self.cost_function(Y_test, Y_pred_test) - - for t, theta in enumerate(self.Theta_L): - self.logger.info('Theta: %s' % t) - for theta_i in np.round(theta, 2): - self.logger.info("%s" % str(theta_i)) - - #self.logger.info('i: %ld - cost: %ld' % (i, cost_list[i])) - #self.logger.info('i: %ld - cost test: %ld' % (i, cost_test_list[i])) - - return cost_list, learning_rates, cost_test_list, rmse - - def test(self, data_train, target_train, epochs, learning_rate, momentum_rate, learning_reward, learning_penalty, data_test=None, target_test=None, data_val=None, target_val=None): - - self.epochs = epochs - self.learning_rate = learning_rate - self.momentum_rate = momentum_rate - self.learning_reward = learning_reward - self.learning_penalty = learning_penalty - - # Initialize Theta based on selected architecture - # self.initialize_theta(data_train.shape[1], target_train.shape[1], hidden_unit_length_list) - - # Fit - cost_list, learning_rates, cost_test_list, rmse = self.fit(data_train, target_train, X_test=data_test, Y_test=target_test) - - error = 0 - # Predict for test log - plot_vals = [] - a_N, Y_pred = self.predict(data_test) - self.logger.info('###################################Testing Results###################################') - self.logger.info('Given X:') - for x in data_test[:5]: - self.logger.info(x) - for p in zip(target_test[:10], np.round(Y_pred[:10],6)): - plot_vals.append(p) - self.logger.info('Actual Y, Predicted Y:') - for pv in plot_vals: - self.logger.info("%s" % str(pv)) - self.logger.info('Cost Efficiency on Test Set: %s' % str(self.cost_function(target_test , Y_pred))) - sum_e = 0 - for j in range(len(target_test)): - sum_e += pow((target_test[j] - Y_pred[j]), 2) - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - self.logger.info('Final Testing Sum Over Outputs: %s' % str(sum_e)) - rmse_test_final = math.sqrt((1.0 / (2.0 * len(target_test))) * sum_e) - self.logger.info('Final Testing RMSE: %s' % str(rmse_test_final)) - - error = 0 - #Predict for validation results - - if data_val is not None: - plot_vals = [] - va_N, vY_pred = self.predict(data_val) - self.logger.info('###################################Validation Results###############################') - self.logger.info('Given X:') - for x in data_val[:5]: - self.logger.info(x) - for p in zip(target_val[:10], np.round(vY_pred[:10],6)): - plot_vals.append(p) - self.logger.info('Actual Y, Predicted Y:') - for pv in plot_vals: - self.logger.info((pv)) - self.logger.info('Cost Efficiency on Validation Set: %s' % str(self.cost_function(target_val , vY_pred))) - sum_e = 0 - for j in range(len(target_val)): - sum_e += pow((target_val[j] - vY_pred[j]), 2) - if len(sum_e) > 1: - sum_e = np.sum(sum_e) - self.logger.info('Final Validation Sum Over Outputs: %s' % str(sum_e)) - rmse_val_final = math.sqrt((1.0 / (2.0 * len(target_val))) * sum_e) - self.logger.info('Final Validation RMSE: %s' % str(rmse_val_final)) - - return target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse - diff --git a/backpropagation/src/run_tests.py b/backpropagation/src/run_tests.py deleted file mode 100644 index 8926a77..0000000 --- a/backpropagation/src/run_tests.py +++ /dev/null @@ -1,149 +0,0 @@ -# Python standard libraries -import sys -import os -import contextlib -import logging -import tempfile -import argparse -from argparse import RawTextHelpFormatter - -# 3rd-Party libraries -import numpy as np -import sklearn as sk -from sklearn.metrics import confusion_matrix, classification_report -from sklearn.preprocessing import LabelBinarizer -from sklearn.metrics import accuracy_score -import matplotlib.pyplot as plt - -# Project specific libraries -from network import BackPropagationNetwork -from tests import Tests -from analysis import * - - -# Function for changing directories safely -@contextlib.contextmanager -def cd(newPath): - savedPath = os.getcwd() - os.chdir(newPath) - yield - os.chdir(savedPath) - - -def is_valid_ttype_option(ttype): - options = ['x', 'd', 'i', 'f', 'w'] - if ttype in options: - return ttype - else: - print "Option 'ttype' is invalid. Choose from: " - print options - sys.exit(1) - - -# Setup the command line parser -def setup_argparser(): - - parser = argparse.ArgumentParser(description='' + - ' PyNet: Feed-Forward Back-Propagation Network in Python\n' + - ' Written by: Jared Smith and David Cunningham', - version='1.0.0', formatter_class=RawTextHelpFormatter) - - requiredArguments = parser.add_argument_group('required Arguments') - requiredArguments.add_argument('-exp', dest='experiment_number', required=True, type=str, help="Number of this experiment.") - requiredArguments.add_argument('-ttype', dest='test_type', required=True, type=is_valid_ttype_option, help="Type of test to run. Choose from 'x', 'd', 'i', 'f', or 'w'") - requiredArguments.add_argument('-hidden_layers', dest='hidden_layers', required=True, type=int, nargs='+', help="A list of numbers which represent each hidden layer and the affiliate nodes in that layer.") - optionalArguments = parser.add_argument_group('optional Arguments') - optionalArguments.add_argument('--epochs', dest='epochs', required=False, type=int, default=2500, help="Number of epochs to train on. Default is 2500.") - optionalArguments.add_argument('--learning_rate', dest='learning_rate', required=False, type=float, default=0.5, help="Learning rate, specifies the step width of the gradient descent. Default is 0.5.") - optionalArguments.add_argument('--momentum_rate', dest='momentum_rate', required=False, type=float, default=0.1, help="Momentum rate, specifies the amount of the old weight change (relative to 1) which is added to the current change. Default is 0.1.") - optionalArguments.add_argument('--learning_reward', dest='learning_reward', required=False, type=float, default=1.05, help="Magnitude to scale the learning rate by if cost/error decreases from the previous epoch. Default is 1.05.") - optionalArguments.add_argument('--learning_penalty', dest='learning_penalty', required=False, type=float, default=0.5, help="Magnitude to scale the learning rate by if the cost/error increases from the previous epoch. Default is 0.5.") - optionalArguments.add_argument('--regularization_term', dest='reg_term', required=False, type=float, default=1e-5, help="Regularization term (i.e. lamdba in the equations). Default is 1e-5.") - optionalArguments.add_argument('--ftrain', dest='ftrain', required=False, type=str, default=None, help="Training data file for function approximation test. Default is None.") - optionalArguments.add_argument('--ftest', dest='ftest', required=False, type=str, default=None, help="Testing data file for function approximation test. Default is None.") - optionalArguments.add_argument('--fvalid', dest='fvalid', required=False, type=str, default=None, help="Validation data file for function approximation test. Default is None.") - optionalArguments.add_argument('--plot', dest='plot', required=False, type=bool, default=True, help="Specify if data is to be plotted. Default is True.") - optionalArguments.add_argument('--autoscale', dest='autoscale', required=False, type=bool, default=True, help="Specify plots should be autoscaled to data frame. Default is True.") - return parser - - -def setup_logger(log_path, logger_name, logfile_name): - - logFormatter = logging.Formatter('%(asctime)s - %(name)s - %(levelname)s - %(message)s') - rootLogger = logging.getLogger(logger_name) - rootLogger.setLevel(logging.DEBUG) - - fileHandler = logging.FileHandler("{0}/{1}.log".format(log_path, logfile_name)) - fileHandler.setFormatter(logFormatter) - rootLogger.addHandler(fileHandler) - - consoleHandler = logging.StreamHandler() - consoleHandler.setFormatter(logFormatter) - rootLogger.addHandler(consoleHandler) - - return rootLogger - - -if __name__=="__main__": - - graph_list = [] - - parser = setup_argparser() - args = parser.parse_args() - experiment_number = args.experiment_number - - # Setup directories for storing results - if not os.path.exists('results'): - os.makedirs('results') - - with cd('results'): - if not os.path.exists('data'): - os.makedirs('data') - with cd('data'): - if not os.path.exists('Experiment-' + str(experiment_number)): - os.makedirs('Experiment-' + str(experiment_number)) - - logger = setup_logger('results/data/Experiment-' + str(experiment_number), "__main__", "main") - logger.info("###################################RUNNING EXPERIMENT NUM %s#########################", str(experiment_number)) - logger.info("Program Arguments:") - args_dict = vars(args) - for key, value in args_dict.iteritems() : - logger.info("%s=%s" % (str(key), str(value))) - - test_suite = Tests(logger, args) - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = test_suite.run_tests() - - Y_pred_copy = np.copy(Y_pred) - accuracy_score_Y_pred = np.rint(Y_pred_copy).astype(int) - - if args.test_type != 'f': - logger.info('###################################Accuracy Results###############################') - logger.info('Accuracy: ' + str(accuracy_score(target_test, accuracy_score_Y_pred))) - logger.info('\n' + str(classification_report(target_test, accuracy_score_Y_pred))) - else: - logger.info('###################################Accuracy Results###############################') - - target_test_1d = target_test.ravel() - Y_pred_1d = Y_pred.ravel() - distance = 0 - - for i in range(len(target_test_1d)): - distance += abs(Y_pred_1d[i] - target_test_1d[i]) - - avg_distance = distance / len(target_test_1d) - logger.info("Accuracy Score: %s" % (str(avg_distance))) - logger.info("NOTE: Accuracy Score is avg. distance between expected and predicted y-values") - logger.info("NOTE: Computed using the following code:") - logger.info("for i in range(len(target_test_1d)):") - logger.info("\tdistance += abs(Y_pred_1d[i] - target_test_1d[i])") - logger.info("\tavg_distance = distance / len(target_test_1d)") - - save_path = 'results/data/Experiment-%s' % (experiment_number) - save_data(save_path, target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse, experiment_number) - - # Plotting - if args.plot: - plot_file_path = 'results/data/Experiment-%s' % (experiment_number) - plot_cost_versus_epochs(args.autoscale, plot_file_path, experiment_number, cost_list, cost_test_list) - plot_rmse_versus_epochs(args.autoscale, plot_file_path, experiment_number, rmse) - plot_learning_rates_versus_epochs(args.autoscale, plot_file_path, experiment_number, learning_rates) diff --git a/backpropagation/src/tests.py b/backpropagation/src/tests.py deleted file mode 100644 index f2ae576..0000000 --- a/backpropagation/src/tests.py +++ /dev/null @@ -1,234 +0,0 @@ -import sys - -import numpy as np -import math as math -import pylab as plt -from time import time -from sklearn.datasets import load_iris, load_digits, fetch_lfw_people, fetch_lfw_pairs -from sklearn.decomposition import RandomizedPCA -from sklearn.cross_validation import train_test_split as sklearn_train_test_split - - -from network import BackPropagationNetwork -from utils import * - -class Tests(object): - - def __init__(self, logger, args): - - self.logger = logger - self.args = args - - def run_tests(self): - if self.args.test_type == 'x': - self.logger.info("###################################RUNNING XOR TEST##################################") - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.XOR_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) - elif self.args.test_type == 'd': - self.logger.info("###################################RUNNING DIGITS TEST###############################") - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.digits_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) - elif self.args.test_type == 'i': - self.logger.info("###################################RUNNING IRIS TEST#################################") - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.iris_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) - elif self.args.test_type == 'f': - self.logger.info("###################################RUNNING APPROX TEST###############################") - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.fnct_aprox(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty, self.args.ftrain, self.args.ftest, self.args.fvalid) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) - elif self.args.test_type == 'w': - self.logger.info("###################################RUNNING FACES TEST###############################") - target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse = self.faces_test(self.args.reg_term, self.args.hidden_layers, self.args.epochs, self.args.learning_rate, self.args.momentum_rate, self.args.learning_reward, self.args.learning_penalty) - return (target_test, Y_pred, cost_list, cost_test_list, learning_rates, rmse) - - - def translate_to_binary_array(self, target): - n_obs = len(target) - unique_targets = np.unique(target) - n_unique_targets = len(np.unique(target)) - - # Translation of target values to array indicies - target_translation = dict(zip(unique_targets, range(n_unique_targets))) - - # Create initial target array with all zeros - target_array = np.zeros((n_obs, n_unique_targets)) - - # Set 1 value - for i, val in enumerate(target): - target_array[i][target_translation[val]] = 1 - - return target_array - - def train_test_split(self, data_array, target_array, split=.8): - """ - Split into randomly shuffled train and test sets - Split on Number of records or Percent of records in the training set - if split is <= 1 then split is a percent, else split is the number of records - """ - - n_obs = len(data_array) - - if split <= 1: - train_len = int(split * n_obs) - else: - train_len = int(np.round(split)) - - shuffled_index = range(n_obs) - np.random.shuffle(shuffled_index) - - train_data = data_array[shuffled_index[:train_len]] - test_data = data_array[shuffled_index[train_len:]] - - train_target = target_array[shuffled_index[:train_len]] - test_target = target_array[shuffled_index[train_len:]] - - print train_data.shape - print test_data.shape - - print train_target.shape - print test_target.shape - - self.logger.info('Data Set: %d Observations, %d Features' % (data_array.shape[0], data_array.shape[1])) - self.logger.info('Training Set: %d Observations, %d Features' % (train_data.shape[0], train_data.shape[1])) - self.logger.info('Test Set: %d Observations, %d Features' % (test_data.shape[0], test_data.shape[1])) - self.logger.info('Target Set: %d Observations, %d Classes' % (target_array.shape[0], target_array.shape[1])) - self.logger.info('Training Set: %d Observations, %d Features' % (train_target.shape[0], train_target.shape[1])) - self.logger.info('Test Set: %d Observations, %d Features' % (test_target.shape[0], test_target.shape[1])) - - return train_data, test_data, train_target, test_target - - def iris_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): - - data_set = load_iris() - - data = data_set.data - target = self.translate_to_binary_array(data_set.target) - - # Split into train, test sets - data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) - - NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) - return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) - - def digits_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): - - data_set = load_digits() - - data = data_set.data - target = self.translate_to_binary_array(data_set.target) - - # Split into train, test sets - data_train, data_test, target_train, target_test = self.train_test_split(data, target, .75) - - NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) - return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) - - def XOR_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): - """ - XOR_test is a simple test of the nn self.logger.info(ing the predicted value to std out - Trains on a sample XOR data set - Predicts a single value - Accepts an option parameter to set architecture of hidden layers - """ - - # Set Data for XOR Test - data_train = np.zeros((4,2)) - data_train[0,0] = 1. - data_train[1,1] = 1. - data_train[2,:] = 1. - data_train[3,:] = 0. - - target_train = np.array([1.,1.,0.,0.]).reshape(4,1) # Single Class - - # Test X and Y - data_test = np.array([[1,0],[0,1],[1,1],[0,0]]) - target_test = np.array([[1],[1],[0],[0]]) - - self.logger.info('Training Data: X') - for data_i in data_train: - self.logger.info("%s" % str(data_i)) - self.logger.info('Training Data: Y') - for target_i in target_train: - self.logger.info("%s" % str(target_i)) - - NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) - return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test) - - def fnct_aprox(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, training_name, testing_name, validation_name): - - #read in train - data_train, target_train = self.parse_file(training_name, 200) - np.random.shuffle(data_train) - np.random.shuffle(target_train) - #read in test - data_test, target_test = self.parse_file(testing_name, 100) - np.random.shuffle(data_test) - np.random.shuffle(target_test) - #read in validation - data_val, target_val = self.parse_file(validation_name, 50) - np.random.shuffle(data_val) - np.random.shuffle(target_val) - - NN = BackPropagationNetwork(self.logger, data_train, target_train, hidden_layers, reg_term) - return BackPropagationNetwork.test(NN, data_train, target_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, data_test, target_test, data_val = data_val,target_val = target_val) - - def parse_file(self, filename, num_lines): - - data = [] - target = [] - f = open(filename, 'r') - for line in f: - floats = map(float, line.split()) - target.append([floats.pop()]) - data.append(floats) - f.close() - return np.array(data), np.array(target) - - def faces_test(self, reg_term, hidden_layers, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup): - - lfw_people = fetch_lfw_people(min_faces_per_person=70, resize=0.4) - - # introspect the images arrays to find the shapes (for plotting) - n_samples, h, w = lfw_people.images.shape - - # for machine learning we use the 2 data directly (as relative pixel - # positions info is ignored by this model) - X = lfw_people.data - n_features = X.shape[1] - - # the label to predict is the id of the person - y = lfw_people.target - y = self.translate_to_binary_array(y) - - - target_names = lfw_people.target_names - n_classes = target_names.shape[0] - - self.logger.info("n_samples: {}".format(n_samples)) - self.logger.info("n_features: {}".format(n_features)) - self.logger.info("n_classes: {}".format(n_classes)) - - # split into a training and testing set - X_train, X_test, y_train, y_test = sklearn_train_test_split( - X, y, test_size=0.25) - - # Compute a PCA (eigenfaces) on the face dataset (treated as unlabeled - # dataset): unsupervised feature extraction / dimensionality reduction - n_components = 150 - - self.logger.info("Extracting the top %d eigenfaces from %d faces" - % (n_components, X_train.shape[0])) - t0 = time() - pca = RandomizedPCA(n_components=n_components, whiten=True).fit(X_train) - self.logger.info("done in %0.3fs" % (time() - t0)) - - eigenfaces = pca.components_.reshape((n_components, h, w)) - - self.logger.info("Projecting the input data on the eigenfaces orthonormal basis") - t0 = time() - X_train_pca = pca.transform(X_train) - X_test_pca = pca.transform(X_test) - self.logger.info("done in %0.3fs" % (time() - t0)) - - NN = BackPropagationNetwork(self.logger, X_train_pca, y_train, hidden_layers, reg_term) - return BackPropagationNetwork.test(NN, X_train_pca, y_train, epochs, learning_rate, momentum_rate, learning_acceleration, learning_backup, X_test_pca, y_test) \ No newline at end of file diff --git a/backpropagation/src/utils.py b/backpropagation/src/utils.py deleted file mode 100644 index cd7027f..0000000 --- a/backpropagation/src/utils.py +++ /dev/null @@ -1,106 +0,0 @@ -import numpy as np - -def sigmoid(z): - """sigmoid is a basic sigmoid function returning values from 0-1""" - return 1.0 / ( 1.0 + np.exp(-z) ) - -def sigmoidGradient(z): - # Not used - return self.sigmoid(z) * ( 1 - self.sigmoid(z) ) - -def format__1(digits,num): - if digits